diff --git a/ProgrammingAssignment1.ipynb b/ProgrammingAssignment1.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..0951185f36643a0d18b3b8e31866d574cd73b20e --- /dev/null +++ b/ProgrammingAssignment1.ipynb @@ -0,0 +1,346 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# $k$-Nearest Neighbor\n", + "\n", + "We'll implement $k$-Nearest Neighbor ($k$-NN) algorithm for this assignment. A skeleton of a general supervised learning model is provided in \"model.ipynb\". Please look through it and complete the \"preprocess\" and \"partition\" methods.\n", + "\n", + "### Assignment Goals:\n", + "In this assignment, we will:\n", + "* learn to split a dataset into training/validation/test partitions \n", + "* use the validation dataset to find a good value for $k$\n", + "* Having found the \"best\" $k$, we'll obtain final performance measures:\n", + " * accuracy, generalization error and ROC curve\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You can use numpy for array operations and matplotlib for plotting for this assignment. Please do not add other libraries." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import matplotlib.pyplot as plt" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Following code makes the Model class and relevant functions available from model.ipynb." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "%run 'model.ipynb'" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Choice of distance metric plays an important role in the performance of $k$-NN. Let's start by implementing a distance method in the \"distance\" function below. It should take two data points and the name of the metric and return a scalar value." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def distance(x, y, metric):\n", + " '''\n", + " x: a 1xd array\n", + " y: a 1xd array\n", + " metric: Euclidean, Hamming, etc.\n", + " '''\n", + " raise NotImplementedError\n", + " \n", + " return dist # scalar distance btw x and y" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### $k$-NN Class Methods" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can start implementing our $k$-NN classifier. $k$-NN class inherits Model class. You'll need to implement \"fit\" and \"predict\" methods. Use the \"distance\" function you defined above. \"fit\" method takes $k$ as an argument. \"predict\" takes as input the feature vector for a single test point and outputs the predicted class and the proportion of predicted class labels in $k$ nearest neighbors." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "class kNN(Model):\n", + " '''\n", + " Inherits Model class. Implements the k-NN algorithm for classification.\n", + " '''\n", + " def __init__(self, preprocessor_f, partition_f, distance_f):\n", + " super().__init__(preprocessor_f, partition_f)\n", + " \n", + " # set self.distance_f and self.distance_metric\n", + " \n", + " \n", + " def fit(self, k):\n", + " '''\n", + " Fit the model. This is pretty straightforward for k-NN.\n", + " '''\n", + " \n", + " raise NotImplementedError\n", + " \n", + " return\n", + " \n", + " \n", + " def predict(self, test_point):\n", + " \n", + " raise NotImplementedError\n", + " \n", + " \n", + " # use self.distance_f(...,self.distance_metric)\n", + " \n", + " # return the predicted class label and the following ratio: \n", + " # number of points that have the same label as the test point / k\n", + " return predicted_label, ratio\n", + " " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Build and Evaluate the Model (Accuracy, Confidence Interval, Confusion Matrix)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "It's time to build and evaluate our model now. Remember you need to provide values to $p$, $v$ parameters for \"partition\" function and to $file\\_path$ for \"preprocess\" function." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# populate the keyword arguments dictionary kwargs\n", + "kwargs = {'p': 0.3, 'v': 0.1, 'file_path': 'mnist_test.csv', 'metric': 'Euclidean'}\n", + "# initialize the model\n", + "my_model = kNN(preprocessor_f=preprocess, partition_f=partition, distance=distance, **kwargs)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Assign a value to $k$ and fit the $k$-NN model." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "my_model.fit(k=10)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You can use \"predict_batch\" function below to evaluate your model on the test data. You do not need to change the value of the threshold yet." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def predict_batch(model, indices, threshold=0.5):\n", + " '''\n", + " model: a fitted k-NN model\n", + " indices: for data points to predict\n", + " threshold: lower limit on the ratio for a point to be considered positive\n", + " '''\n", + " \n", + " predicted_labels = []\n", + " true_labels = []\n", + "\n", + " for index in indices:\n", + " # vary the threshold value for ROC analysis\n", + " predicted_classes.append(model.predict(model.features[index], threshold))\n", + " true_classes.append(model.labels[index])\n", + "\n", + " return predicted_labels, true_labels" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Use \"predict_batch\" function above to report your model's accuracy on the test set. Also, calculate and report the confidence interval on the generalization error estimate." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "predict_batch(my_model, my_model.test_indices)\n", + "# Calculate accuracy and generalization error with confidence interval here." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# TODO: leaa \n", + "\n", + "Now that we have the true labels and the predicted ones from our model, we can build a confusion matrix and see how accurate our model is. Implement the \"conf_matrix\" function that takes as input an array of true labels ($true$) and an array of predicted labels ($pred$). It should output a numpy.ndarray. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def conf_matrix(true, pred):\n", + " '''\n", + " true: nx1 array of true labels for test set\n", + " pred: nx1 array of predicted labels for test set\n", + " '''\n", + " raise NotImplementedError\n", + " # returns the confusion matrix as numpy.ndarray\n", + " return c_mat" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Finding a good value for $k$\n", + "\n", + "We can use the validation set to come up with a $k$ value that results in better performance in terms of accuracy. Additionally, in some cases, predicting examples from a certain class correctly is more critical than other classes. In those cases, we can use the confusion matrix to find a good trade off between correct and wrong predictions and allow more wrong predictions in some classes to predict more examples correctly in a that class.\n", + "\n", + "Below calculate the accuracies and confusion matrices for different values of $k$ using the validation set. Report a good $k$ value and use it in the analyses that follow this section." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "# Change values of $k. \n", + "# Calculate accuracies and confusion matrices for the validation set.\n", + "# Report a good k value that you'll use in the following analyses." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### ROC curve and confusion matrix for the final model\n", + "ROC curves are a good way to visualize sensitivity vs. 1-specificity for varying cut off points. Now, implement a \"ROC\" function that predicts the labels of the test set examples using different $threshold$ values in \"predict\" and plot the ROC curve. \"ROC\" takes a list containing different $threshold$ parameter values to try and returns two arrays; one where each entry is the sensitivity at a given threshold and the other where entries are 1-specificities." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def ROC(model, indices, value_list):\n", + " '''\n", + " model: a fitted k-NN model\n", + " indices: for data points to predict\n", + " value_list: array containing different threshold values\n", + " Calculate sensitivity and 1-specificity for each point in value_list\n", + " Return two nX1 arrays: sens (for sensitivities) and spec_ (for 1-specificities)\n", + " '''\n", + " \n", + " # use predict_batch to obtain predicted labels at different threshold values\n", + " raise NotImplementedError\n", + " \n", + " return sens, spec_" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can finally create the confusion matrix and plot the ROC curve for our optimal $k$-NN classifier." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# confusion matrix\n", + "conf_matrix(true_classes, predicted_classes)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# ROC curve\n", + "roc_sens, roc_spec_ = ROC(my_model, my_model.test_indices, np.arange(0.1, 1.0, 0.1))\n", + "plt.plot(roc_sens, roc_spec_)\n", + "plt.show()" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/ProgrammingAssignment2.ipynb b/ProgrammingAssignment2.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..428855aa73245f97c4298e2c421df8e0737a1f45 --- /dev/null +++ b/ProgrammingAssignment2.ipynb @@ -0,0 +1,254 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Linear Regression & Naive Bayes\n", + "\n", + "We'll implement linear regression & Naive Bayes algorithms for this assignment. Please modify the \"preprocess\" and \"partition\" methods in \"model.ipynb\" to suit your datasets for this assignment. In this assignment, we have a small dataset available to us. We won't have examples to spare for validation set, instead we'll use cross-validation to tune hyperparameters.\n", + "\n", + "### Assignment Goals:\n", + "In this assignment, we will:\n", + "* implement linear regression\n", + " * use gradient descent for optimization\n", + " * use residuals to decide if we need a polynomial model\n", + " * change our model to quadratic/cubic regression and use cross-validation to find the \"best\" polynomial degree\n", + " * implement regularization techniques\n", + " * $l_1$/$l_2$ regularization\n", + " * use cross-validation to find a good regularization parameter $\\lambda$\n", + " \n", + "* implement Naive Bayes\n", + " * address sparse data problem with **pseudocounts** (**$m$-estimate**)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You can use numpy for array operations and matplotlib for plotting for this assignment. Please do not add other libraries." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import matplotlib.pyplot as plt" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Following code makes the Model class and relevant functions available from \"model.ipynb\"." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "%run 'model.ipynb'" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def mse(y_pred, y_true):\n", + " '''\n", + " y_hat: values predicted by our method\n", + " y_true: true y values\n", + " '''\n", + " raise NotImplementedError\n", + " # returns mean squared error between y_pred and y_true\n", + " return cost\n", + " " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We'll start by implementing a partition function for $k$-fold cross-validation. $5$ and $10$ are commonly used values for $k$. You can use either one of them." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def kfold(k):\n", + " '''\n", + " k: number of desired splits in data.\n", + " Assume test set is already separated.\n", + " This function chooses 1/k of training indices randomly and separates them as validation partition.\n", + " It returns the 1/k selected indices as val_indices and the remaining 1-(1/k) of the indices as train_indices\n", + " '''\n", + " \n", + " return train_indices, val_indices" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "class linear_regression(Model):\n", + " def __init__(self, preprocessor_f, partition_f, **kwargs):\n", + " super().__init__(preprocessor_f, partition_f, **kwargs)\n", + " theta = \n", + " # You can disregard polynomial_degree and regularizer in your first pass\n", + " def fit(self, learning_rate = 0.001, epochs = 1000, regularizer=None, polynomial_degree=1, **kwargs):\n", + " \n", + " # for each epoch\n", + " # compute y_hat array which holds model predictions for training examples\n", + " y_hat = None\n", + " # use mse function to find the cost\n", + " cost = None\n", + " # calculate gradients wrt theta\n", + " grad_theta = None\n", + " # update theta\n", + " theta_curr = None\n", + " raise NotImplementedError\n", + " \n", + " return theta\n", + " \n", + " def predict(self, indices):\n", + " \n", + " raise NotImplementedError\n", + " \n", + " return y_hat\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# populate the keyword arguments dictionary kwargs\n", + "kwargs = {'p': 0.3, 'v': 0.0, 'file_path': 'mnist_test.csv', 'k': 5}\n", + "# initialize the model\n", + "my_model = linear_regression(preprocessor_f=preprocess, partition_f=partition, k_fold=True, **kwargs)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# use fit_kwargs to pass arguments to regularization function\n", + "fit_kwargs = {}\n", + "my_model.fit(**fit_kwargs)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Residuals are the differences between the predicted value $y_{hat}$ and the true value $y$ for each example. Predict $y_{hat}$ for the validation set. Calculate and plot residuals. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "y_hat_val = my_model.predict(my_model.features[my_model.val_indices])\n", + "residuals = my_model.labels[my_model.val_indices] - y_hat_val\n", + "plt.plot(residuals)\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If the data is better suited for quadratic/cubic regression, regions of positive and negative residuals will alternate in the plot. Regardless, modify the fit and predict in the class definition to raise the feature values to $polynomial\\_degree$. You can directly make the modification in the above definition, do not repeat. Use the validation set to find among the degree of polynomial that results in lowest \"mse\"." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# calculate mse for linear model\n", + "fit_kwargs = {}\n", + "my_model.fit(polynomial_degree = 1 ,**fit_kwargs)\n", + "pred_3 = my_model.predict(my_model.features[my_model.val_indices])\n", + "mse_1 = mse(pred_2, my_model.labels[my_model.val_indices])\n", + "\n", + "# calculate mse for quadratic model\n", + "my_model.fit(polynomial_degree = 2 ,**fit_kwargs)\n", + "pred_2 = my_model.predict(my_model.features[my_model.val_indices])\n", + "mse_2 = mse(pred_2, my_model.labels[my_model.val_indices])\n", + "\n", + "# calculate mse for cubic model\n", + "my_model.fit(polynomial_degree = 3 ,**fit_kwargs)\n", + "pred_3 = my_model.predict(my_model.features[my_model.val_indices])\n", + "mse_3 = mse(pred_2, my_model.labels[my_model.val_indices])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Define \"regularization\" function which implements $l_1$ and $l_2$ regularization. You'll use this function in \"fit\" method of \"linear_regression\" class." + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [], + "source": [ + "def regularization(method):\n", + " if method == \"l1\":\n", + " raise NotImplementedError\n", + " elif method == \"l2\":\n", + " raise NotImplementedError" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Using the validation set, and the value of $polynomial_{degree}$ you found above, try different values of $\\lambda$ to find a a good value that results in low $mse$. You can " + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/mnist_test.csv b/mnist_test.csv new file mode 100644 index 0000000000000000000000000000000000000000..43c9dd3e5e66886ed7b9f70b2ba04fba5b6c13ce --- /dev/null +++ b/mnist_test.csv @@ -0,0 +1,10000 @@ +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,185,159,151,60,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,254,254,241,198,198,198,198,198,198,198,198,170,52,0,0,0,0,0,0,0,0,0,0,0,0,67,114,72,114,163,227,254,225,254,254,254,250,229,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,14,67,67,67,59,21,236,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,233,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,238,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,251,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,221,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,203,254,219,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,224,254,115,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,242,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,219,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,125,171,255,255,150,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,253,253,253,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,213,142,176,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,250,253,210,32,12,0,6,206,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,251,210,25,0,0,0,122,248,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,18,0,0,0,0,209,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,247,253,198,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,247,253,231,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,246,253,159,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,234,253,233,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,248,253,189,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,200,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,43,20,20,20,20,5,0,5,20,20,37,150,150,150,147,10,0,0,0,0,0,0,0,0,0,248,253,253,253,253,253,253,253,168,143,166,253,253,253,253,253,253,253,123,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,253,253,253,253,253,253,249,247,247,169,117,117,57,0,0,0,0,0,0,0,0,0,0,118,123,123,123,166,253,253,253,155,123,123,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,244,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,237,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,232,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,205,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,253,202,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,197,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,190,251,251,251,253,169,109,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,220,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,253,253,253,253,234,222,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,221,253,251,251,251,147,77,62,128,251,251,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,251,253,251,220,137,10,0,0,31,230,251,243,113,5,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,188,20,0,0,0,0,0,109,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,201,30,0,0,0,0,0,0,31,200,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,32,202,255,253,164,0,0,0,0,0,0,0,0,0,0,0,0,140,251,251,0,0,0,0,0,0,0,0,109,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,0,0,0,0,0,0,21,63,231,251,253,230,30,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,0,0,0,0,0,0,144,251,251,251,221,61,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,0,0,0,0,0,182,221,251,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,73,73,228,253,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,251,253,251,251,251,251,253,251,251,251,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,230,251,253,251,251,251,251,253,230,189,35,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,253,251,251,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,174,251,173,71,72,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,224,0,0,0,0,0,0,0,70,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,231,0,0,0,0,0,0,0,148,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,231,0,0,0,0,0,0,0,96,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,134,0,0,0,0,0,0,0,114,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,217,12,0,0,0,0,0,0,0,192,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,247,53,0,0,0,0,0,0,0,18,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,84,242,211,0,0,0,0,0,0,0,0,141,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,32,232,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,0,0,0,0,0,0,0,0,134,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,164,0,0,0,0,0,0,0,0,169,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,209,18,0,0,0,0,0,0,22,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,199,85,85,85,85,129,164,195,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,170,245,252,252,252,252,232,231,251,252,252,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,84,84,84,84,0,0,161,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,236,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,107,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,227,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,165,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,248,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,252,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,204,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,211,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,158,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,157,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,192,134,32,0,0,0,0,0,0,0,0,15,77,5,0,0,0,0,0,0,0,0,0,0,0,0,17,235,250,169,0,0,0,0,0,0,0,0,15,220,241,37,0,0,0,0,0,0,0,0,0,0,0,20,189,253,147,0,0,0,0,0,0,0,0,0,139,253,100,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,21,0,0,0,0,0,0,0,0,43,254,173,13,0,0,0,0,0,0,0,0,0,0,0,22,153,253,96,0,0,0,0,0,0,0,0,43,231,254,92,0,0,0,0,0,0,0,0,0,0,0,0,163,255,204,11,0,0,0,0,0,0,0,0,104,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,178,5,0,0,0,0,0,0,9,131,237,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,191,175,70,70,70,70,133,197,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,253,253,254,253,253,253,253,254,253,253,219,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,65,137,254,232,137,137,137,44,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,241,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,157,0,13,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,154,91,204,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,254,253,154,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,190,128,23,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,149,193,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,224,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,253,253,166,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,254,253,253,253,238,115,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,253,208,185,253,253,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,193,0,8,98,219,254,255,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,80,0,0,0,182,253,254,191,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,155,0,0,0,234,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,208,40,85,166,251,237,254,236,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,238,253,254,253,253,185,36,216,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,255,254,145,8,0,134,254,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,158,142,12,0,0,9,175,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,166,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,218,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,223,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,47,47,16,129,85,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,153,217,253,253,253,215,246,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,142,244,252,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,253,253,253,253,213,170,170,170,170,0,0,0,0,0,0,0,0,0,0,0,20,132,72,0,57,238,227,238,168,124,69,20,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,253,78,0,0,32,0,30,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,253,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,133,253,233,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,223,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,246,127,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,251,147,91,121,85,42,42,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,253,253,253,253,253,253,253,232,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,53,218,222,251,253,253,253,253,253,253,253,253,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,72,200,253,253,253,253,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,249,152,51,164,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,188,252,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,167,253,253,253,253,250,175,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,180,231,253,221,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,149,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,56,137,201,199,95,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,152,234,254,254,254,254,254,250,211,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,153,240,254,254,227,166,133,251,200,254,229,225,104,0,0,0,0,0,0,0,0,0,0,0,0,0,153,234,254,254,187,142,8,0,0,191,40,198,246,223,253,21,0,0,0,0,0,0,0,0,0,0,8,126,253,254,233,128,11,0,0,0,0,210,43,70,254,254,254,21,0,0,0,0,0,0,0,0,0,0,72,243,254,228,54,0,0,0,0,3,32,116,225,242,254,255,162,5,0,0,0,0,0,0,0,0,0,0,75,240,254,223,109,138,178,178,169,210,251,231,254,254,254,232,38,0,0,0,0,0,0,0,0,0,0,0,9,175,244,253,255,254,254,251,254,254,254,254,254,252,171,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,136,195,176,146,153,200,254,254,254,254,150,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,241,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,250,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,242,254,254,211,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,241,254,254,242,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,249,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,254,254,208,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,255,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,3,42,118,193,118,118,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,179,245,236,242,254,254,254,254,245,235,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,254,213,192,178,178,180,254,254,241,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,235,254,226,64,28,12,0,0,2,128,252,255,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,253,107,0,0,0,0,0,0,0,134,250,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,158,0,0,0,0,0,0,0,0,0,221,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,103,0,0,0,0,0,0,0,0,0,150,254,213,0,0,0,0,0,0,0,0,0,0,0,0,34,220,239,58,0,0,0,0,0,0,0,0,0,84,254,213,0,0,0,0,0,0,0,0,0,0,0,0,126,254,171,0,0,0,0,0,0,0,0,0,0,84,254,213,0,0,0,0,0,0,0,0,0,0,0,0,214,239,60,0,0,0,0,0,0,0,0,0,0,84,254,213,0,0,0,0,0,0,0,0,0,0,0,0,214,199,0,0,0,0,0,0,0,0,0,0,0,84,254,213,0,0,0,0,0,0,0,0,0,0,0,11,219,199,0,0,0,0,0,0,0,0,0,0,0,84,254,213,0,0,0,0,0,0,0,0,0,0,0,98,254,199,0,0,0,0,0,0,0,0,0,0,0,162,254,209,0,0,0,0,0,0,0,0,0,0,0,98,254,199,0,0,0,0,0,0,0,0,0,0,51,238,254,75,0,0,0,0,0,0,0,0,0,0,0,98,254,199,0,0,0,0,0,0,0,0,0,51,165,254,195,4,0,0,0,0,0,0,0,0,0,0,0,66,241,199,0,0,0,0,0,0,0,0,3,167,254,227,55,0,0,0,0,0,0,0,0,0,0,0,0,0,214,213,20,0,0,0,0,0,46,152,202,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,204,180,180,180,180,180,235,254,254,234,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,205,254,254,254,254,254,254,254,252,234,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,254,254,254,254,254,153,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,186,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,196,0,0,0,0,0,0,0,57,85,85,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,96,0,0,0,0,0,151,226,243,252,252,238,125,0,0,0,0,0,0,0,0,0,0,0,0,10,229,226,0,0,0,4,54,229,253,255,234,175,225,255,228,31,0,0,0,0,0,0,0,0,0,0,0,110,252,150,0,0,26,128,252,252,227,134,28,0,0,178,252,56,0,0,0,0,0,0,0,0,0,0,0,159,252,113,0,0,150,253,252,186,43,0,0,0,0,141,252,56,0,0,0,0,0,0,0,0,0,0,0,185,252,113,0,38,237,253,151,6,0,0,0,0,0,141,202,6,0,0,0,0,0,0,0,0,0,0,0,198,253,114,0,147,253,163,0,0,0,0,0,0,0,154,197,0,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,172,252,188,0,0,0,0,0,0,26,253,171,0,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,19,231,247,122,19,0,0,0,0,200,244,56,0,0,0,0,0,0,0,0,0,0,0,26,222,252,113,0,0,25,203,252,193,13,0,76,200,249,125,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,179,10,0,0,0,76,35,29,154,253,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,253,196,82,57,57,131,197,252,253,214,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,216,252,252,252,253,252,252,252,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,103,139,240,140,139,139,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,180,253,255,253,169,36,11,76,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,68,228,252,252,253,252,252,160,189,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,227,79,69,69,100,90,236,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,185,50,0,0,0,26,203,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,178,37,0,0,0,0,70,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,242,42,0,0,0,0,5,191,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,5,136,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,32,138,252,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,249,207,207,207,228,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,253,252,252,252,252,75,169,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,116,116,74,0,149,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,200,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,138,255,253,169,138,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,120,228,252,252,253,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,252,252,190,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,252,116,5,135,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,178,253,252,221,43,2,0,5,54,232,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,249,115,0,0,0,0,0,136,251,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,253,185,0,0,0,0,0,0,0,209,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,253,92,0,0,0,0,0,0,0,116,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,192,17,0,0,0,0,0,0,0,116,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,63,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,0,0,0,0,0,0,0,0,0,116,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,116,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,210,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,252,158,0,0,0,0,0,0,0,0,230,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,244,50,0,0,0,0,0,0,155,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,164,253,113,0,0,0,0,0,66,236,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,240,134,0,0,38,91,234,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,177,240,207,103,233,252,252,176,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,54,179,252,137,137,54,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,132,214,253,254,253,203,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,142,203,203,253,252,253,252,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,244,203,142,102,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,91,51,51,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,253,252,253,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,203,162,102,102,203,223,254,253,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,171,0,0,0,0,0,20,112,192,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,203,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,212,0,0,0,0,0,0,0,0,0,0,0,0,113,92,0,0,0,0,0,0,0,0,0,0,31,173,244,40,0,0,0,0,0,0,0,0,0,0,0,82,253,151,0,0,0,0,0,0,21,102,102,183,233,212,81,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,234,152,153,193,173,253,254,253,254,213,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,151,151,232,253,212,192,151,131,50,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,146,229,255,205,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,198,252,253,225,216,235,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,253,223,70,15,0,29,206,174,2,87,38,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,227,6,0,0,0,0,35,28,76,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,88,251,235,12,0,0,0,0,0,0,42,238,253,174,1,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,192,0,0,0,0,0,0,0,14,238,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,74,0,0,0,0,0,0,0,85,247,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,10,250,253,47,0,0,0,0,0,0,6,219,253,241,31,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,47,0,0,0,0,0,5,72,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,221,253,117,0,0,0,0,25,118,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,254,187,104,146,159,220,244,239,254,224,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,201,253,253,248,215,156,67,247,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,56,56,50,0,0,38,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,253,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,244,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,249,254,254,254,245,167,167,136,25,80,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,254,254,254,254,254,249,254,252,197,113,71,39,0,0,0,0,0,0,0,0,0,0,0,0,5,99,135,105,105,114,192,192,192,233,254,254,254,254,254,246,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,114,114,203,254,254,254,240,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,35,155,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,254,240,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,254,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,176,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,220,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,254,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,254,254,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,111,254,254,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,237,254,255,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,194,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,230,193,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,41,146,146,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,129,253,253,253,250,163,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,253,253,229,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,145,102,107,237,253,247,128,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,167,0,0,0,61,235,253,253,163,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,43,0,0,0,0,58,193,253,253,164,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,32,0,0,0,0,0,55,236,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,32,0,100,190,87,87,87,147,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,78,40,248,253,253,253,253,253,253,253,223,84,15,0,0,0,0,0,0,0,0,0,0,0,0,0,14,92,12,35,240,253,253,253,253,253,253,253,253,253,244,89,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,161,179,253,253,253,253,253,253,253,253,253,209,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,16,16,39,38,16,16,145,243,253,253,185,48,0,0,0,0,0,0,0,0,0,0,0,0,0,20,58,0,0,0,0,0,0,0,0,58,209,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,77,221,247,79,0,0,0,0,0,0,0,0,13,219,253,240,72,0,0,0,0,0,0,0,0,0,0,0,90,247,253,252,57,0,0,0,0,0,0,0,0,53,251,253,191,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,59,0,0,0,0,0,0,0,0,99,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,221,158,38,0,0,0,0,111,211,246,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,12,221,246,253,251,249,249,249,249,253,253,253,253,200,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,183,228,253,253,253,253,253,253,195,124,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,37,138,74,126,88,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,234,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,178,31,0,0,0,0,0,51,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,83,0,0,0,0,0,87,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,56,0,0,0,0,0,189,238,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,227,168,2,0,0,0,0,0,194,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,114,0,0,0,0,0,16,235,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,50,0,0,0,0,0,103,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,221,236,75,156,180,190,252,252,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,254,252,211,179,179,179,246,254,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,217,239,117,22,0,0,0,0,226,254,242,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,18,0,0,0,0,0,27,243,207,46,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,255,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,140,193,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,146,240,254,254,228,48,77,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,43,230,254,254,254,254,254,241,254,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,130,254,254,254,239,252,254,254,254,254,237,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,249,104,71,198,254,254,254,234,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,252,252,206,51,120,215,254,254,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,215,87,247,254,254,254,254,254,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,231,254,254,254,254,254,236,128,196,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,197,254,254,245,238,131,17,46,247,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,92,88,40,0,0,12,173,254,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,254,225,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,254,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,254,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,255,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,254,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,254,254,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,230,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,239,126,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,180,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,232,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,252,136,38,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,180,138,180,253,255,253,222,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,211,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,240,183,89,69,7,69,171,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,153,0,0,0,0,0,13,215,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,206,0,0,0,0,0,0,155,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,211,7,0,0,0,0,49,233,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,154,9,0,0,30,197,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,154,70,81,228,252,227,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,227,252,252,253,252,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,179,252,190,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,0,0,0,0,57,86,86,141,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,57,226,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,170,255,255,114,57,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,57,255,255,86,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,170,255,86,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,141,255,114,0,0,0,29,255,198,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,0,0,0,170,255,114,0,0,0,0,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,114,0,0,170,255,86,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,170,57,255,255,29,0,0,86,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,255,255,255,86,86,170,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,170,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,170,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,152,237,254,254,255,254,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,164,237,253,254,218,138,83,39,154,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,246,253,254,216,167,54,5,0,0,0,100,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,169,53,6,0,0,0,0,0,0,35,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,242,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,240,203,44,44,44,44,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,254,254,254,205,85,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,184,169,133,133,162,212,254,254,166,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,51,177,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,209,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,209,254,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,0,10,137,244,254,198,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,87,122,147,223,254,247,127,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,250,210,248,254,252,199,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,250,201,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,167,197,87,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,186,236,21,0,0,0,134,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,213,26,0,0,0,0,129,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,120,0,0,0,0,0,91,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,234,112,0,0,0,0,0,91,242,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,222,21,0,0,0,0,0,170,244,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,124,0,0,0,0,0,40,249,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,241,18,0,0,0,0,0,15,230,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,179,0,0,0,0,0,0,0,165,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,233,136,101,20,0,0,0,0,113,215,31,31,31,2,0,0,0,0,0,0,0,0,0,0,0,0,0,8,89,128,194,218,210,210,211,210,226,254,254,204,120,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,15,37,90,90,196,241,34,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,233,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,233,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,209,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,80,195,85,80,80,80,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,62,56,0,9,253,253,253,253,253,253,251,237,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,241,83,4,161,253,253,253,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,11,141,248,253,253,147,0,73,209,252,253,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,253,199,34,0,0,160,253,142,194,253,253,244,77,0,0,0,0,0,0,0,0,0,9,136,250,253,253,253,253,253,69,0,0,15,52,5,27,201,253,253,156,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,209,41,0,0,0,0,0,0,36,253,253,196,33,0,0,0,0,0,0,0,0,86,253,253,253,253,253,234,41,0,0,0,0,0,0,0,42,253,253,253,78,0,0,0,0,0,0,0,0,254,253,253,253,253,253,165,0,0,0,0,0,0,0,0,211,253,253,253,78,0,0,0,0,0,0,0,0,254,253,253,253,253,172,18,0,0,0,0,0,0,0,0,211,253,253,253,78,0,0,0,0,0,0,0,0,254,253,253,253,210,4,0,0,0,0,0,0,42,229,246,252,253,253,159,3,0,0,0,0,0,0,0,0,254,253,253,253,209,0,0,0,0,0,99,149,210,253,253,253,253,242,65,0,0,0,0,0,0,0,0,0,255,253,253,253,218,53,53,53,180,228,244,253,253,253,253,253,253,77,0,0,0,0,0,0,0,0,0,0,163,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,193,29,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,253,253,253,253,253,253,253,234,193,24,0,0,0,0,0,0,0,0,0,0,0,44,210,253,253,253,253,253,253,253,253,253,253,253,229,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,253,253,253,253,253,253,253,253,248,235,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,210,253,253,253,253,253,253,189,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,108,253,253,179,78,78,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,11,92,173,253,254,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,0,21,102,213,252,233,151,131,131,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,152,152,214,233,183,102,0,0,0,0,132,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,131,30,0,0,0,0,0,0,10,212,253,131,0,0,0,0,0,0,0,0,0,0,0,0,123,203,102,20,0,0,0,0,0,0,0,0,0,203,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,20,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,148,0,0,0,0,22,230,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,115,0,0,0,0,24,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,81,0,0,0,0,91,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,160,0,0,0,0,0,141,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,76,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,253,102,0,0,0,0,0,0,207,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,202,19,0,0,0,0,0,34,240,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,254,254,46,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,253,234,163,47,47,26,0,0,130,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,246,254,253,253,253,254,253,232,174,208,232,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,161,211,219,219,254,253,253,253,254,253,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,142,142,93,170,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,254,255,254,254,254,157,130,88,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,253,253,253,253,253,253,108,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,129,238,253,253,253,253,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,248,167,235,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,253,182,0,27,134,247,253,253,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,253,222,27,0,0,0,186,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,122,0,0,0,0,67,246,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,199,25,0,0,0,0,0,187,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,225,245,67,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,185,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,253,93,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,93,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,93,0,0,0,0,0,0,0,88,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,134,0,0,0,0,0,0,0,88,253,219,16,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,230,32,0,0,0,0,0,0,132,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,233,120,0,74,100,100,200,248,217,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,159,253,253,253,249,230,247,253,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,253,253,253,253,253,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,41,253,253,253,253,253,253,253,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,51,88,214,165,99,5,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,204,250,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,249,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,184,255,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,195,241,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,193,254,253,254,253,254,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,253,252,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,233,183,102,203,203,234,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,151,50,0,0,0,41,193,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,213,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,254,151,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,252,253,232,223,122,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,254,253,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,131,213,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,162,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,173,253,255,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,244,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,254,254,217,118,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,247,253,253,253,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,253,208,177,177,55,99,253,249,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,179,25,0,0,0,69,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,111,247,253,253,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,228,253,253,253,253,253,221,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,253,253,253,253,253,252,206,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,205,205,205,82,68,68,188,253,253,226,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,167,253,253,224,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,63,140,226,253,253,238,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,42,153,193,253,253,253,253,217,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,158,251,253,253,253,253,253,232,102,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,116,186,253,253,253,227,116,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,176,76,0,0,0,0,0,0,0,0,0,0,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,113,0,0,0,0,0,0,0,0,0,0,134,139,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,113,0,0,0,0,0,0,0,0,0,69,248,254,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,113,0,0,0,0,0,0,0,0,0,133,254,204,0,0,0,0,0,0,0,0,0,0,0,0,44,240,254,113,0,0,0,0,0,0,0,0,0,202,254,78,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,102,0,0,0,0,0,0,0,0,7,207,245,16,0,0,0,0,0,0,0,0,0,0,0,12,216,254,173,0,0,0,0,0,0,0,0,0,86,254,153,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,47,0,0,0,0,0,0,0,0,0,184,254,153,0,0,0,0,0,0,0,0,0,0,0,78,240,254,222,8,0,0,0,0,0,0,0,0,15,206,254,153,0,0,0,0,0,0,0,0,0,0,14,203,254,254,48,0,0,0,0,0,0,0,0,0,48,254,254,54,0,0,0,0,0,0,0,0,0,0,36,254,254,173,3,0,0,0,0,0,0,0,0,0,48,254,254,35,0,0,0,0,0,0,0,0,0,71,204,254,218,25,0,1,12,12,12,7,12,12,1,0,48,254,173,1,0,0,0,0,0,0,0,0,0,150,254,254,225,148,148,151,254,254,255,205,254,254,90,13,118,254,157,0,0,0,0,0,0,0,0,0,0,233,254,254,254,254,254,254,254,254,254,218,225,211,254,203,224,254,53,0,0,0,0,0,0,0,0,0,0,107,254,254,224,201,189,189,123,71,71,17,27,7,69,178,254,207,15,0,0,0,0,0,0,0,0,0,0,4,53,53,28,10,0,0,0,0,0,0,0,0,0,148,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,35,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,211,89,0,0,0,0,0,0,51,121,121,226,253,232,44,0,0,0,0,0,0,0,0,0,0,0,0,61,235,249,240,240,240,240,240,241,245,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,64,183,252,252,252,252,252,253,252,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,39,39,53,95,39,39,39,39,219,252,252,197,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,244,252,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,244,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,241,252,252,126,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,252,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,196,253,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,255,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,123,252,252,253,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,252,253,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,252,252,209,110,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,176,252,252,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,107,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,252,233,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,250,252,252,221,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,217,217,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,125,191,218,255,254,254,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,249,253,253,253,253,253,253,253,250,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,241,251,253,225,142,49,12,12,12,105,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,95,225,253,167,113,14,0,0,0,0,0,16,211,253,117,0,0,0,0,0,0,0,0,0,0,0,0,91,238,253,170,28,0,0,0,0,0,0,0,0,150,253,117,0,0,0,0,0,0,0,0,0,0,0,98,251,218,48,5,0,0,0,0,0,0,0,0,0,150,253,117,0,0,0,0,0,0,0,0,0,0,0,112,253,112,0,0,0,0,0,0,0,0,0,0,9,184,242,18,0,0,0,0,0,0,0,0,0,0,0,20,45,5,0,0,0,0,0,0,0,0,0,0,67,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,234,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,157,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,189,253,203,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,156,253,246,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,156,253,202,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,156,253,226,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,33,33,140,163,186,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,81,244,253,253,253,253,253,253,253,186,70,23,0,0,22,156,77,0,0,0,0,0,0,0,0,0,80,195,253,253,253,253,253,248,234,166,248,253,253,240,150,73,144,104,51,0,0,0,0,0,0,0,0,7,248,253,253,253,253,253,242,105,0,0,107,242,253,253,253,245,160,0,0,0,0,0,0,0,0,0,0,57,250,253,253,253,247,135,21,0,0,0,0,21,117,183,183,48,0,0,0,0,0,0,0,0,0,0,0,0,121,123,176,135,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,156,148,89,81,156,255,254,254,254,216,156,148,41,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,254,253,253,253,245,234,195,233,233,233,246,253,241,24,0,0,0,0,0,0,0,0,0,0,0,0,166,253,254,253,253,128,48,0,0,0,0,0,48,226,253,87,0,0,0,0,0,0,0,0,0,0,4,174,251,253,244,124,19,2,0,0,0,0,0,0,0,214,253,19,0,0,0,0,0,0,0,0,0,0,132,253,253,177,45,0,0,0,0,0,0,0,0,0,46,244,253,19,0,0,0,0,0,0,0,0,0,0,128,195,90,0,0,0,0,0,0,0,0,0,0,0,179,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,248,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,239,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,253,253,215,214,214,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,167,253,253,253,254,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,185,117,34,19,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,73,193,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,193,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,209,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,189,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,170,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,191,245,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,70,242,254,235,233,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,184,254,243,99,27,110,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,247,98,26,0,0,110,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,104,20,0,0,0,0,110,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,214,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,200,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,231,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,244,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,226,31,0,0,0,0,0,0,0,11,122,205,47,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,128,0,0,0,0,0,0,15,84,216,250,144,12,0,0,0,0,0,0,0,0,0,0,0,0,7,207,228,37,0,0,0,0,20,136,238,254,228,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,66,0,0,0,53,190,254,254,197,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,231,182,0,32,101,184,249,239,179,96,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,99,128,232,254,251,185,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,221,254,254,254,254,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,188,105,72,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,222,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,223,254,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,230,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,192,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,236,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,254,246,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,233,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,97,181,254,255,221,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,128,213,245,254,254,246,239,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,151,239,254,254,222,204,189,70,27,215,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,248,254,233,40,15,0,0,0,0,96,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,72,33,0,0,0,0,0,0,76,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,203,174,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,223,205,254,115,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,248,254,254,254,242,191,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,248,209,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,186,208,71,49,74,191,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,197,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,255,165,0,0,0,0,0,0,70,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,153,0,0,0,0,0,0,106,254,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,105,0,0,0,0,0,0,140,254,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,225,254,84,0,0,0,0,0,85,233,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,46,0,0,0,0,8,186,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,9,0,0,0,0,146,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,9,0,0,0,127,251,254,254,239,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,9,0,0,92,246,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,241,254,40,0,27,244,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,169,100,244,254,254,254,254,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,176,253,254,254,245,167,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,177,146,35,110,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,192,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,102,0,31,51,51,51,113,112,113,152,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,223,203,233,252,253,252,253,252,253,252,253,91,0,0,0,0,0,0,0,0,0,0,11,51,173,253,254,253,254,213,102,102,0,0,0,0,0,0,163,203,0,0,0,0,0,0,0,0,0,123,213,252,253,252,192,111,50,10,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,173,253,255,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,151,255,254,163,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,253,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,241,152,135,248,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,84,0,0,162,247,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,194,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,232,253,200,56,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,159,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,185,235,253,253,253,190,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,89,201,253,253,206,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,214,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,129,246,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,202,253,253,219,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,230,247,253,253,168,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,248,253,253,253,129,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,130,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,226,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,193,152,92,51,51,51,51,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,253,252,253,252,253,192,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,102,0,21,102,62,102,102,61,183,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,102,0,0,0,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,223,203,203,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,224,203,203,223,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,130,20,0,0,20,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,183,0,0,0,0,0,132,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,20,0,0,0,0,0,51,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,113,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,183,0,0,0,0,0,0,0,193,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,183,0,0,0,0,0,0,21,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,102,0,0,0,0,0,21,203,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,123,0,0,0,0,41,173,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,102,21,102,163,243,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,253,255,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,192,111,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,187,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,252,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,235,252,252,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,252,253,201,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,255,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,253,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,212,253,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,252,252,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,233,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,174,226,255,185,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,83,68,74,186,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,11,0,0,7,114,242,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,114,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,219,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,223,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,241,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,79,102,20,0,0,165,181,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,159,242,246,246,242,119,59,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,223,35,0,5,116,243,254,207,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,243,103,0,0,0,0,81,254,218,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,32,0,0,0,78,244,214,226,200,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,50,0,56,93,245,214,30,42,227,202,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,192,241,230,253,254,167,29,0,0,40,134,244,184,69,32,0,0,0,0,0,0,0,0,0,0,0,0,0,22,137,173,94,12,3,0,0,0,0,1,102,209,240,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,133,82,1,0,0,0,3,100,168,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,11,0,0,4,127,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,231,253,253,238,10,0,0,37,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,144,0,0,0,37,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,64,233,253,253,253,58,0,0,0,37,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,11,194,253,253,253,253,24,0,4,85,202,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,101,85,209,253,253,253,253,253,184,7,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,253,253,253,254,253,253,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,253,253,253,253,254,253,253,253,253,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,253,253,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,248,242,149,220,242,242,242,244,254,254,255,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,0,0,0,0,0,0,6,191,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,218,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,253,253,253,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,160,11,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,213,0,0,0,0,0,0,0,0,11,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,0,0,0,0,0,0,0,0,51,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,0,0,0,0,0,0,0,0,51,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,41,0,0,0,0,0,0,0,51,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,102,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,51,253,254,50,52,131,0,0,0,0,0,0,0,0,0,0,0,0,253,252,61,0,0,0,0,0,0,0,92,252,213,51,193,151,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,152,253,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,41,193,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,131,51,51,51,132,214,253,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,253,252,253,252,253,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,254,253,244,203,142,102,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,50,50,40,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,156,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,217,253,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,253,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,183,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,134,216,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,183,8,0,0,0,41,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,78,0,16,140,214,241,217,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,247,54,0,135,152,166,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,180,0,0,0,0,12,223,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,99,0,0,0,0,20,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,136,0,0,0,0,20,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,190,88,2,0,5,76,253,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,223,253,253,166,79,156,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,72,202,253,253,253,254,253,225,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,58,200,215,193,73,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,60,60,131,209,209,209,209,209,209,211,174,60,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,253,253,253,253,253,253,254,253,253,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,91,178,178,178,178,178,99,29,29,29,91,240,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,240,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,134,254,253,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,90,90,232,242,253,254,253,253,253,109,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,212,253,253,253,253,253,254,253,253,253,253,246,116,46,11,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,253,254,253,253,253,253,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,155,124,0,0,0,0,72,149,224,254,255,254,105,0,0,0,0,0,0,0,0,0,0,0,21,44,44,44,3,0,0,0,0,0,0,0,49,225,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,244,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,72,0,0,0,0,0,0,0,0,0,0,64,246,253,182,0,0,0,0,0,0,0,0,0,0,0,0,67,241,145,4,0,0,0,0,0,0,0,72,240,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,183,179,179,119,66,179,179,179,232,253,242,196,31,0,0,0,0,0,0,0,0,0,0,0,0,36,214,253,253,253,253,254,253,253,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,94,163,179,200,255,253,253,253,226,163,163,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,59,95,111,59,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,63,119,171,242,243,202,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,21,0,24,119,204,254,255,227,128,107,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,187,254,232,215,234,254,241,159,74,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,217,254,254,254,251,221,105,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,254,254,249,162,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,196,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,254,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,161,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,248,76,34,107,134,218,177,93,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,248,241,243,254,235,223,240,254,236,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,201,144,58,22,0,31,142,250,233,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,151,85,15,0,0,0,0,0,0,132,254,175,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,209,254,176,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,228,254,233,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,98,182,250,254,231,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,27,27,103,117,151,222,254,254,240,142,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,249,250,253,247,245,241,184,100,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,49,65,34,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,154,215,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,233,177,70,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,146,146,149,177,224,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,207,161,184,106,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,62,0,0,4,31,13,32,55,31,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,62,14,83,214,254,226,254,254,254,181,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,154,225,251,167,84,70,23,23,91,179,250,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,204,220,154,33,0,0,0,0,0,0,0,110,255,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,250,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,31,0,0,0,0,0,0,0,0,1,18,229,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,78,2,0,0,0,0,0,18,161,233,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,90,32,12,55,85,168,234,234,129,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,130,226,244,236,254,247,176,109,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,253,251,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,208,253,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,235,0,0,0,0,0,0,0,38,50,50,50,50,50,5,0,0,0,0,0,0,0,0,0,0,0,254,253,235,0,0,0,0,0,68,180,236,253,253,253,253,253,187,126,30,0,0,0,0,0,0,0,0,0,254,253,235,0,0,0,0,13,198,253,253,204,191,148,128,176,247,253,222,126,0,0,0,0,0,0,0,0,254,253,140,0,0,0,0,144,253,253,168,14,0,0,0,0,108,215,253,253,0,0,0,0,0,0,0,0,254,253,208,0,0,0,0,174,253,253,61,0,0,0,0,0,0,112,253,253,0,0,0,0,0,0,0,0,254,253,235,0,0,0,0,174,253,253,61,0,0,0,0,0,0,112,253,214,0,0,0,0,0,0,0,0,254,253,241,36,0,0,0,174,253,253,164,0,0,0,0,0,0,112,253,87,0,0,0,0,0,0,0,0,103,253,253,232,85,0,0,25,125,229,244,181,64,0,0,0,0,157,253,112,0,0,0,0,0,0,0,0,4,207,253,253,208,0,0,0,0,114,229,253,244,87,0,0,42,243,253,81,0,0,0,0,0,0,0,0,0,25,253,253,250,150,36,0,0,0,52,148,181,245,184,106,228,253,95,1,0,0,0,0,0,0,0,0,0,1,88,207,253,253,242,211,112,112,112,112,118,172,253,253,207,26,1,0,0,0,0,0,0,0,0,0,0,0,0,80,135,210,253,253,253,253,253,253,253,213,135,87,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,27,129,129,129,129,129,129,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,4,104,229,253,129,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,179,252,252,252,253,122,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,252,148,56,253,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,253,102,6,0,153,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,255,84,0,0,13,207,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,247,65,0,0,0,169,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,100,0,0,0,0,82,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,252,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,224,168,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,168,0,0,0,0,0,0,120,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,93,0,0,0,0,0,0,169,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,10,197,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,156,0,0,0,0,0,179,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,178,16,0,19,66,191,254,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,252,215,169,225,252,252,209,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,252,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,240,253,177,103,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,241,24,0,0,0,0,0,0,0,0,147,225,97,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,32,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,178,9,0,0,0,0,0,0,0,140,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,16,203,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,141,0,0,0,0,0,0,0,29,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,29,252,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,31,0,0,0,0,0,0,13,79,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,57,234,252,236,0,0,0,0,0,0,0,57,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,189,141,140,140,140,140,79,48,165,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,255,253,253,253,253,255,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,57,233,252,252,253,252,252,242,214,215,243,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,195,195,56,55,55,49,31,31,50,209,252,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,234,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,252,242,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,246,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,154,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,247,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,243,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,232,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,230,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,221,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,73,157,163,195,163,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,184,242,254,253,253,253,253,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,179,248,253,253,217,197,127,165,242,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,234,253,250,163,80,0,0,0,0,181,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,214,62,0,0,0,0,0,0,181,254,160,13,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,182,7,0,0,0,0,0,0,38,228,255,254,127,0,0,0,0,0,0,0,0,0,0,0,0,128,253,201,7,0,0,0,0,0,32,55,172,253,254,253,42,0,0,0,0,0,0,0,0,0,0,0,0,128,253,207,69,37,32,16,102,186,238,253,253,253,254,160,5,0,0,0,0,0,0,0,0,0,0,0,0,86,249,253,254,253,245,222,253,254,253,253,253,253,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,227,254,253,253,253,220,136,72,105,214,253,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,91,46,0,0,0,0,63,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,201,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,238,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,241,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,245,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,223,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,195,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,103,202,225,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,40,171,223,240,236,74,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,64,134,240,255,253,161,57,14,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,212,213,243,253,253,253,192,68,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,230,231,230,159,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,84,121,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,126,94,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,202,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,237,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,180,255,210,193,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,63,63,183,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,225,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,94,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,173,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,125,253,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,200,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,130,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,128,128,128,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,47,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,108,249,253,253,208,207,207,207,149,65,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,184,254,253,253,253,254,253,253,253,254,253,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,55,203,254,254,199,127,127,60,93,84,68,151,222,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,199,19,0,0,0,0,0,0,0,155,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,17,0,0,0,0,0,0,0,74,241,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,102,0,0,0,0,0,0,34,229,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,229,40,0,0,0,38,153,254,254,254,180,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,198,254,207,9,34,72,235,253,253,224,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,253,215,240,254,253,234,128,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,229,253,253,253,228,77,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,170,254,254,254,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,130,230,254,253,253,185,115,64,211,253,248,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,232,253,253,247,162,46,13,7,91,245,253,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,210,93,127,159,204,253,253,253,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,241,254,255,254,254,254,254,254,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,115,140,206,206,206,207,206,123,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,204,172,199,140,91,27,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,222,81,74,153,185,237,237,250,194,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,196,0,0,0,0,0,0,115,81,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,220,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,246,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,246,21,0,0,0,0,138,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,99,0,0,0,0,189,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,107,0,0,0,85,229,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,196,228,11,0,0,154,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,129,1,9,207,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,183,188,175,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,116,147,22,146,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,246,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,192,87,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,170,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,249,253,252,233,101,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,227,252,252,252,138,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,112,147,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,247,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,246,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,227,148,131,123,201,253,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,253,252,252,231,124,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,74,126,214,236,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,140,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,62,0,0,0,0,0,50,245,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,242,27,0,0,0,36,146,211,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,176,252,22,22,31,127,223,253,252,242,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,252,252,252,190,110,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,253,252,155,147,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,197,255,242,145,236,212,169,130,130,130,95,107,130,85,116,70,76,7,1,0,0,0,0,0,0,0,0,125,248,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,12,0,0,0,0,0,0,0,0,0,60,111,111,111,111,111,111,138,235,235,235,241,238,241,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,18,48,239,253,242,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,240,253,219,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,86,44,44,44,11,0,75,239,253,236,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,224,253,253,253,253,193,174,238,253,253,173,50,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,206,253,253,253,253,253,253,253,253,253,253,253,221,180,31,0,0,0,0,0,0,0,0,0,0,0,0,0,10,68,128,155,237,253,253,253,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,253,253,198,142,61,61,61,61,61,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,175,253,253,158,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,98,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,240,253,159,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,253,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,234,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,247,253,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,249,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,121,11,0,0,218,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,72,0,0,218,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,72,0,0,218,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,99,0,0,193,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,79,0,0,128,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,223,251,62,0,0,128,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,250,135,110,110,214,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,254,254,255,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,197,85,59,59,232,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,76,4,0,0,32,238,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,101,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,250,143,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,221,14,0,0,0,0,0,0,0,20,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,243,110,0,0,0,0,0,0,10,127,236,236,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,197,0,0,0,0,0,0,60,236,252,252,252,248,61,0,0,0,0,0,0,0,0,0,0,0,0,0,242,163,0,0,0,0,0,11,199,252,168,66,212,249,69,0,0,0,0,0,0,0,0,0,0,0,0,44,227,12,0,0,0,0,0,177,252,166,2,0,198,241,0,0,0,0,0,0,0,0,0,0,0,0,0,162,217,0,0,0,0,0,63,255,201,19,0,0,151,242,0,0,0,0,0,0,0,0,0,0,0,0,0,209,149,0,0,0,0,0,187,253,77,0,0,0,198,164,0,0,0,0,0,0,0,0,0,0,0,0,0,209,187,0,0,0,0,0,220,226,13,0,0,46,243,131,0,0,0,0,0,0,0,0,0,0,0,0,0,209,121,0,0,0,0,41,237,211,0,0,12,206,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,209,192,0,0,0,0,78,252,111,0,0,119,252,170,8,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,78,252,111,0,79,250,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,250,132,0,0,0,78,252,164,40,221,237,60,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,231,154,13,0,97,252,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,226,252,193,187,236,252,253,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,142,243,252,219,142,157,223,100,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,255,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,136,253,232,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,238,253,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,45,0,0,0,0,0,0,11,205,253,231,79,0,0,0,0,0,0,0,0,0,0,0,0,0,54,185,246,78,0,0,0,0,0,0,85,86,230,186,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,163,55,0,0,0,0,0,0,0,63,156,231,57,0,0,0,0,0,0,0,0,0,0,0,3,135,142,208,23,0,0,0,0,0,0,0,0,214,253,141,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,67,0,0,0,0,0,0,0,0,59,223,253,129,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,67,0,0,0,0,0,0,0,0,51,188,253,85,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,147,5,0,0,0,0,0,0,47,38,239,205,10,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,196,99,12,0,0,61,59,187,215,251,175,0,0,0,0,0,0,0,0,0,0,0,0,0,1,124,252,253,253,253,250,249,249,252,252,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,194,253,253,253,253,253,235,199,253,253,170,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,26,148,125,15,15,12,6,54,253,184,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,177,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,237,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,186,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,167,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,255,128,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,64,0,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,217,232,132,57,92,92,92,92,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,252,254,254,254,252,254,254,254,254,251,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,37,205,254,254,254,254,254,234,200,133,133,197,242,254,178,3,0,0,0,0,0,0,0,0,0,0,0,32,224,254,224,200,124,138,200,32,0,0,0,0,38,180,254,129,0,0,0,0,0,0,0,0,0,0,17,223,254,239,33,4,0,0,4,0,0,0,0,0,0,8,235,240,113,0,0,0,0,0,0,0,0,5,119,254,249,67,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,0,0,0,0,0,0,0,0,63,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,0,0,0,0,0,0,0,0,208,254,236,4,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,0,0,0,0,0,0,0,0,254,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,248,0,0,0,0,0,0,0,0,254,244,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,194,0,0,0,0,0,0,0,0,255,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,21,247,254,141,0,0,0,0,0,0,0,0,255,254,74,1,0,0,0,0,0,0,0,0,0,0,3,76,222,254,232,36,0,0,0,0,0,0,0,0,163,254,254,95,0,0,0,0,0,0,0,0,40,113,192,254,254,207,20,0,0,0,0,0,0,0,0,0,30,222,254,248,185,134,99,62,134,134,134,200,243,254,254,233,139,9,0,0,0,0,0,0,0,0,0,0,0,28,162,252,254,254,254,254,254,254,254,254,254,248,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,172,186,186,212,186,186,186,122,91,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,13,13,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,251,251,251,229,244,251,251,252,207,208,241,234,183,128,20,0,0,0,0,0,0,0,0,0,0,0,0,181,253,254,254,254,254,254,254,254,254,254,254,254,254,254,249,183,160,100,24,0,0,0,0,0,0,0,0,0,12,13,13,13,13,13,13,88,99,141,115,138,239,254,254,254,254,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,54,168,237,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,255,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,254,238,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,210,254,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,254,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,243,254,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,228,254,229,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,195,254,254,135,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,165,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,253,253,253,253,252,248,160,118,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,253,253,253,253,253,253,253,232,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,253,253,224,48,49,170,253,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,251,253,253,182,18,0,0,6,49,170,253,253,251,149,0,0,0,0,0,0,0,0,0,0,0,0,88,225,253,253,253,61,0,0,0,0,0,26,221,253,253,245,42,0,0,0,0,0,0,0,0,0,0,40,245,253,253,253,137,7,0,0,0,0,0,0,42,221,253,253,117,0,0,0,0,0,0,0,0,0,0,118,253,253,253,225,27,0,0,0,0,0,0,0,0,156,253,253,117,0,0,0,0,0,0,0,0,0,0,118,253,253,253,58,0,0,0,0,0,0,0,0,0,156,253,253,117,0,0,0,0,0,0,0,0,0,0,151,253,253,177,8,0,0,0,0,0,0,0,0,0,156,253,253,217,0,0,0,0,0,0,0,0,0,0,248,253,253,58,0,0,0,0,0,0,0,0,0,0,156,253,253,247,0,0,0,0,0,0,0,0,0,0,154,253,253,120,0,0,0,0,0,0,0,0,0,0,156,253,253,220,0,0,0,0,0,0,0,0,0,0,208,253,253,155,0,0,0,0,0,0,0,0,0,6,174,253,253,117,0,0,0,0,0,0,0,0,0,0,160,253,253,155,0,0,0,0,0,0,0,0,7,134,253,253,253,117,0,0,0,0,0,0,0,0,0,0,118,253,253,155,0,0,0,0,0,0,0,6,67,253,253,253,252,102,0,0,0,0,0,0,0,0,0,0,45,246,253,216,33,0,0,0,0,7,27,134,253,253,253,251,148,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,216,40,128,150,150,174,253,253,253,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,105,243,253,253,253,253,253,253,253,253,253,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,253,250,253,253,221,210,156,183,117,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,139,234,83,123,123,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,136,241,254,254,254,254,254,255,202,130,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,253,253,253,231,135,191,218,234,253,195,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,253,252,189,31,0,0,0,37,145,253,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,182,182,68,0,0,0,0,0,0,3,141,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,182,241,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,192,203,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,114,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,54,130,17,6,0,0,0,0,6,189,253,146,2,0,0,0,0,0,0,0,0,0,0,0,0,0,32,177,253,253,253,194,148,121,7,0,127,253,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,24,184,253,215,102,201,210,253,253,186,166,246,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,202,13,0,0,7,90,234,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,239,105,10,0,47,157,238,253,253,253,251,132,29,0,0,0,0,0,0,0,0,0,0,0,0,0,22,174,253,253,223,219,238,253,253,223,54,88,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,50,232,253,253,253,234,108,12,0,0,83,253,250,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,154,208,248,230,254,255,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,205,254,254,254,254,254,254,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,210,254,254,254,254,236,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,254,152,40,26,151,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,202,44,0,10,207,254,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,254,242,83,136,180,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,254,254,254,254,254,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,56,209,254,254,254,254,254,201,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,228,254,254,254,238,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,248,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,248,254,254,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,230,254,254,170,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,254,254,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,227,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,254,254,254,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,254,202,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,246,254,254,242,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,185,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,247,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,219,255,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,203,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,192,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,111,170,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,214,19,0,0,0,0,0,0,0,0,0,0,0,14,25,25,19,0,0,0,11,25,13,25,25,48,223,253,245,32,0,0,0,0,0,0,0,0,0,0,0,145,253,253,230,65,135,157,199,253,209,253,253,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,118,212,221,205,219,230,253,253,253,254,253,253,253,253,181,16,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,0,21,38,72,72,72,72,72,184,253,239,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,110,110,110,192,253,249,143,110,110,167,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,253,253,254,253,253,253,253,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,231,242,244,254,254,246,184,149,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,175,230,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,209,245,254,242,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,206,53,33,147,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,218,8,0,0,32,242,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,105,2,0,0,32,236,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,160,222,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,217,254,173,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,143,250,254,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,224,239,164,229,151,175,126,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,228,254,170,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,148,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,220,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,10,0,0,0,0,0,4,87,207,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,162,120,0,0,0,0,3,148,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,245,208,36,12,24,89,225,254,254,198,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,255,247,241,244,254,255,234,80,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,37,128,140,140,140,58,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,118,194,253,253,253,253,253,253,215,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,198,253,229,155,33,20,20,42,124,251,247,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,236,243,105,6,0,0,0,0,0,0,105,253,244,51,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,126,0,0,0,0,0,0,0,0,5,199,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,114,0,0,0,0,0,0,0,0,0,192,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,103,64,19,0,0,0,0,0,0,0,0,35,244,227,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,230,183,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,160,250,180,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,207,79,16,32,0,0,0,0,0,0,18,47,0,0,0,0,0,0,0,0,0,0,0,0,13,154,250,253,253,253,233,235,223,228,228,228,201,129,234,243,0,0,0,0,0,0,0,0,0,0,0,0,69,253,130,83,83,83,83,69,141,143,154,91,214,143,229,253,0,0,0,0,0,0,0,0,0,0,0,0,4,36,19,0,0,0,0,0,0,0,0,0,15,0,23,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,202,255,126,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,239,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,242,253,193,166,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,202,253,180,7,60,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,211,248,103,14,0,60,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,244,250,134,0,9,123,233,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,253,146,52,157,233,253,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,253,208,249,253,253,253,253,220,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,240,253,253,252,186,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,92,92,47,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,217,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,242,247,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,223,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,58,118,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,171,253,200,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,118,207,254,254,254,255,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,74,116,234,234,234,234,239,253,253,253,253,253,253,253,228,37,0,0,0,0,0,0,0,0,0,0,29,191,244,253,253,253,253,253,253,253,253,253,253,253,253,253,253,96,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,222,23,0,0,0,0,0,0,0,0,0,0,84,248,253,253,253,253,253,253,244,219,219,145,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,86,131,221,103,103,103,103,75,0,0,15,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,200,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,253,253,253,133,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,253,253,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,194,253,253,253,253,225,139,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,253,253,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,244,253,253,253,249,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,144,251,253,253,253,249,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,248,253,253,253,253,151,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,243,253,253,253,253,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,231,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,240,253,253,253,212,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,124,253,119,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,174,51,14,0,8,78,236,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,211,190,201,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,98,154,215,253,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,18,42,42,236,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,253,21,0,0,0,0,233,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,227,252,21,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,147,12,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,217,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,168,140,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,198,243,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,88,253,254,254,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,254,207,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,176,254,254,238,105,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,254,251,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,214,254,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,251,226,40,0,0,0,0,17,100,197,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,181,0,0,0,0,75,249,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,181,0,0,0,19,221,254,254,254,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,181,0,0,0,108,254,254,244,167,216,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,204,10,0,2,186,254,242,73,10,205,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,134,8,6,254,254,119,0,92,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,175,72,254,254,147,105,250,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,253,254,254,254,254,254,254,254,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,254,254,254,234,184,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,72,238,233,150,133,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,18,18,55,137,192,131,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,95,164,254,254,254,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,151,207,254,254,254,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,209,155,65,65,148,254,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,254,166,47,18,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,29,2,0,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,250,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,248,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,251,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,229,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,228,250,250,250,250,251,254,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,254,254,254,255,254,254,254,145,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,226,254,254,254,254,254,254,254,254,254,254,254,244,80,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,254,239,98,170,218,254,254,241,154,14,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,182,41,0,0,24,114,220,254,254,174,12,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,252,87,13,0,0,0,0,0,21,57,179,254,82,0,0,0,0,0,0,0,0,0,0,27,216,254,254,149,22,0,0,0,0,0,0,0,0,0,35,135,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,188,64,39,30,0,17,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,240,185,215,185,215,185,185,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,213,240,226,180,249,249,249,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,59,0,0,0,0,0,0,245,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,183,15,0,0,0,0,0,74,252,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,249,52,0,0,0,0,0,0,99,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,176,0,0,0,0,0,0,0,120,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,94,43,0,0,0,0,0,0,0,207,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,218,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,216,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,213,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,75,0,98,185,178,94,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,111,195,238,94,0,208,249,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,107,197,246,183,25,0,0,81,245,254,249,91,0,0,0,0,0,0,0,0,0,0,0,0,18,84,230,254,254,221,86,0,0,1,125,253,254,178,53,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,217,118,4,0,0,62,202,254,241,131,8,0,0,0,0,0,0,0,0,0,0,0,0,0,107,244,254,213,45,0,0,0,62,240,254,220,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,246,254,209,49,0,0,0,31,241,254,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,55,0,0,0,17,198,254,218,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,219,254,233,144,39,42,204,254,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,248,254,254,244,233,254,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,84,168,245,254,254,254,207,115,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,254,230,163,237,244,211,80,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,99,0,0,37,225,254,130,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,229,12,0,0,0,2,170,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,18,0,0,0,0,81,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,18,0,0,0,0,131,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,214,254,78,0,0,0,1,183,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,223,24,0,2,126,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,238,222,119,177,254,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,154,196,196,101,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,10,0,0,0,0,0,0,0,0,0,67,254,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,61,227,35,0,0,0,0,0,0,0,5,188,253,253,165,3,0,0,0,0,0,0,0,0,0,0,0,6,182,253,180,30,0,0,0,0,0,0,49,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,128,0,0,0,0,0,0,72,253,253,253,188,8,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,168,0,0,0,0,0,0,169,253,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,168,0,0,0,0,0,11,194,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,168,0,0,41,51,136,167,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,201,143,160,235,238,253,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,253,254,253,253,253,253,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,253,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,24,250,254,254,254,254,254,254,254,249,249,254,255,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,234,253,253,253,253,231,171,52,145,253,253,253,72,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,19,183,217,176,96,9,0,0,71,253,253,253,226,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,172,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,253,253,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,125,170,152,255,174,194,101,101,12,68,101,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,253,253,253,253,206,236,253,170,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,253,253,253,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,30,211,165,172,253,196,253,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,4,8,61,24,61,154,253,253,253,206,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,246,253,253,214,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,216,253,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,246,253,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,247,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,243,253,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,238,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,156,253,253,255,253,253,253,165,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,237,252,252,252,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,231,231,160,38,21,21,40,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,157,253,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,183,252,252,237,102,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,127,223,253,252,252,252,252,242,153,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,216,153,84,154,215,253,252,202,21,0,0,0,0,43,11,0,0,0,0,0,0,0,0,0,0,100,252,164,18,0,0,0,18,122,252,252,225,35,0,0,107,141,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,224,253,122,105,227,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,252,253,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,85,252,252,161,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,197,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,236,252,252,252,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,236,212,76,245,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,217,41,185,252,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,252,112,192,252,251,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,191,112,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,174,254,93,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,199,253,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,200,96,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,236,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,0,76,202,155,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,60,0,0,0,0,1,82,209,254,254,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,82,253,253,253,253,253,217,21,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,60,0,0,0,18,209,253,231,136,96,216,253,111,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,60,0,0,0,144,254,214,32,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,28,233,253,89,0,0,165,250,246,31,0,0,0,194,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,236,72,28,237,253,116,0,0,14,102,239,188,9,0,0,0,0,0,0,0,0,0,0,0,0,0,33,229,253,237,224,253,253,0,0,53,175,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,231,253,253,253,253,213,166,240,253,253,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,233,253,253,253,254,253,253,232,116,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,116,132,248,254,242,132,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,255,253,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,213,254,216,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,200,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,243,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,171,253,253,223,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,240,253,253,200,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,247,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,73,192,57,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,115,196,254,254,254,156,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,203,253,253,251,248,253,253,159,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,137,249,253,241,147,68,41,117,246,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,242,157,29,0,0,2,115,250,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,145,36,0,0,0,0,45,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,111,153,240,253,219,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,239,248,253,253,253,250,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,252,181,253,253,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,44,4,4,1,50,184,253,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,228,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,93,0,0,0,0,0,0,0,0,0,224,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,167,0,0,0,0,0,0,0,2,120,250,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,178,0,0,0,0,0,0,0,47,253,253,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,31,235,178,0,0,0,0,0,17,158,243,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,235,138,90,90,91,149,216,253,248,163,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,253,254,253,235,146,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,123,165,253,198,153,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,141,224,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,171,115,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,174,0,0,0,0,50,97,59,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,135,0,0,53,215,247,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,88,235,254,216,107,172,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,88,251,253,154,25,0,136,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,150,235,237,118,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,254,254,154,0,0,0,0,137,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,208,253,253,124,0,13,20,20,183,245,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,241,175,224,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,241,253,253,254,253,253,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,253,254,253,222,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,243,224,246,59,0,31,121,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,149,191,95,8,158,25,17,219,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,173,149,56,0,0,61,5,198,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,200,25,0,0,0,0,66,203,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,138,0,0,0,0,43,243,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,201,6,0,0,0,0,149,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,228,10,0,0,0,18,152,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,225,96,0,0,2,68,194,224,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,229,20,28,60,151,255,249,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,206,253,221,206,246,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,196,123,16,135,246,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,250,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,219,210,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,233,164,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,222,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,90,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,125,125,125,158,158,125,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,254,254,255,254,254,251,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,254,254,254,254,247,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,104,254,254,254,254,254,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,25,133,184,254,254,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,232,254,254,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,248,254,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,254,254,254,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,242,254,254,254,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,241,254,205,236,254,254,230,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,65,17,153,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,231,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,9,152,254,254,254,233,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,207,157,50,131,182,254,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,244,254,254,254,254,254,254,254,254,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,254,254,254,254,254,245,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,254,254,254,254,254,250,221,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,235,254,254,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,195,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,253,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,188,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,211,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,35,153,251,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,63,0,0,63,181,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,242,215,0,16,222,252,252,237,174,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,253,210,92,1,191,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,252,206,20,0,144,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,252,252,20,0,32,237,253,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,211,252,246,132,0,11,150,252,253,252,195,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,132,0,0,73,252,252,253,252,71,0,145,206,41,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,72,0,0,73,253,253,255,211,109,191,255,253,72,0,0,0,0,0,0,0,0,0,0,63,242,252,252,252,124,73,42,115,252,252,253,252,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,222,242,252,252,253,252,252,252,237,153,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,42,160,253,253,253,253,253,255,253,253,253,255,253,237,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,210,189,231,252,253,252,252,252,222,138,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,10,51,154,253,252,252,252,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,242,252,252,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,221,252,253,220,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,86,5,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,177,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,215,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,136,57,18,18,18,18,18,38,136,45,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,182,157,65,161,212,253,253,253,253,232,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,253,253,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,244,253,253,247,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,24,113,142,142,249,253,253,93,24,24,24,24,24,24,24,24,24,13,0,0,0,0,0,0,0,0,0,30,240,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,237,168,0,0,0,0,0,0,0,0,0,0,52,110,215,253,253,253,253,253,253,253,253,253,253,215,194,155,46,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,241,230,194,176,69,59,59,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,167,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,230,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,243,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,135,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,157,241,247,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,87,241,241,198,222,253,152,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,168,253,243,41,0,16,178,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,207,39,0,0,0,52,235,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,243,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,209,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,238,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,253,129,0,0,0,0,12,19,19,19,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,253,181,0,0,40,124,228,253,253,253,227,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,202,5,153,254,254,255,186,191,254,254,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,237,250,223,108,18,2,3,203,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,145,254,253,253,125,0,0,8,50,226,253,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,208,253,253,249,199,200,211,253,251,169,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,124,175,253,253,254,253,207,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,38,122,246,255,255,245,121,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,176,253,253,253,253,253,253,253,155,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,253,253,253,253,250,248,253,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,126,253,253,245,210,111,37,0,155,253,253,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,250,139,0,0,0,0,15,226,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,141,0,0,0,0,0,0,76,253,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,238,22,0,0,0,0,0,14,221,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,235,21,0,0,0,0,32,193,253,253,253,253,230,4,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,126,0,0,2,40,171,253,253,253,253,253,159,1,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,211,96,55,159,253,253,253,253,253,253,240,73,0,0,0,0,0,0,0,0,0,0,0,0,0,2,133,253,253,253,253,253,253,253,253,214,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,174,245,253,252,232,192,22,65,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,86,81,0,0,0,21,222,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,224,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,233,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,221,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,229,219,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,140,4,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,243,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,243,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,208,169,0,0,0,0,0,0,64,151,151,135,74,1,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,89,0,0,0,0,6,142,254,224,211,181,241,70,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,68,0,0,0,2,161,254,104,7,0,0,80,223,15,0,0,0,0,0,0,0,0,0,0,0,0,57,254,15,0,0,0,150,231,68,1,0,0,0,9,231,26,0,0,0,0,0,0,0,0,0,0,0,0,79,254,15,0,0,24,228,66,0,0,0,0,0,0,196,87,0,0,0,0,0,0,0,0,0,0,0,0,73,254,43,0,0,116,251,7,0,0,0,0,0,0,196,100,0,0,0,0,0,0,0,0,0,0,0,0,13,230,147,0,0,60,255,70,0,0,0,0,0,4,209,84,0,0,0,0,0,0,0,0,0,0,0,0,0,203,232,4,0,42,253,74,0,0,0,0,0,114,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,147,0,0,154,229,132,123,123,63,93,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,249,137,23,8,80,100,101,107,145,192,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,139,251,224,144,115,115,195,254,187,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,141,203,244,180,129,67,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,195,228,64,82,156,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,253,254,249,212,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,203,253,227,208,253,112,213,253,205,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,249,253,167,41,151,182,21,103,246,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,207,35,0,0,0,0,6,79,189,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,255,254,36,0,0,0,0,0,0,0,106,254,185,0,0,0,0,0,0,0,0,0,0,0,0,21,224,253,254,130,3,0,0,0,0,0,0,0,5,152,224,12,0,0,0,0,0,0,0,0,0,0,0,37,253,253,159,9,0,0,0,0,0,0,0,0,0,68,247,46,0,0,0,0,0,0,0,0,0,0,0,76,253,253,0,0,0,0,0,0,0,0,0,0,0,61,232,24,0,0,0,0,0,0,0,0,0,0,0,159,253,253,0,0,0,0,0,0,0,0,0,0,0,113,240,35,0,0,0,0,0,0,0,0,0,0,0,186,254,228,0,0,0,0,0,0,0,0,0,0,0,55,243,39,0,0,0,0,0,0,0,0,0,0,51,250,253,78,0,0,0,0,0,0,0,0,0,0,42,233,216,0,0,0,0,0,0,0,0,0,0,0,55,253,253,72,0,0,0,0,0,0,0,0,0,0,119,253,171,0,0,0,0,0,0,0,0,0,0,0,32,231,253,85,0,0,0,0,0,0,0,0,0,40,234,253,55,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,0,0,0,0,0,0,0,0,40,181,254,181,11,0,0,0,0,0,0,0,0,0,0,0,0,27,212,254,170,5,0,0,0,0,0,0,167,254,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,101,8,0,0,0,51,158,249,233,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,254,253,222,178,128,218,238,253,231,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,144,228,250,253,253,254,249,189,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,72,169,105,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,4,0,7,29,29,92,141,141,141,243,217,217,79,0,0,0,0,0,0,0,0,0,0,0,102,170,170,235,178,170,188,253,253,254,253,253,253,254,253,253,140,0,0,0,0,0,0,0,0,0,0,67,235,255,253,253,253,254,253,187,168,169,168,81,56,78,253,225,43,0,0,0,0,0,0,0,0,0,26,223,253,191,216,253,203,78,28,6,0,0,0,0,0,4,78,19,0,0,0,0,0,0,0,0,0,42,254,255,191,0,51,226,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,216,170,95,57,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,254,253,253,229,135,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,28,28,28,28,53,178,253,254,247,138,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,127,245,254,254,129,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,172,247,254,172,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,104,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,210,254,253,99,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,223,253,254,152,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,4,0,0,0,26,205,254,254,242,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,128,57,82,169,244,254,253,209,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,254,253,253,253,245,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,204,253,215,140,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,223,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,174,42,0,0,0,0,0,0,0,0,214,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,78,0,0,0,0,0,0,0,23,229,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,175,0,0,0,0,0,0,0,37,239,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,180,2,0,0,0,0,0,0,59,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,228,13,0,0,0,0,0,0,59,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,159,0,0,0,0,0,0,0,149,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,53,135,254,207,48,0,0,0,0,0,0,0,156,253,253,19,0,0,0,0,0,0,0,0,0,0,5,89,246,254,255,163,41,10,36,0,0,0,0,0,156,254,254,19,0,0,0,0,0,0,0,0,0,0,147,253,253,253,254,253,241,220,238,215,214,214,214,214,239,253,186,3,0,0,0,0,0,0,0,0,0,0,214,253,253,253,223,247,199,253,253,254,253,253,253,253,254,253,174,0,0,0,0,0,0,0,0,0,0,0,54,49,26,19,12,18,6,19,95,57,64,79,79,169,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,223,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,144,254,255,254,254,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,213,253,253,253,196,235,253,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,253,230,88,53,4,49,179,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,209,253,200,36,0,0,0,0,28,233,245,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,251,78,0,0,0,0,0,0,15,130,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,222,110,60,0,50,110,149,213,213,213,213,120,81,0,0,0,0,0,0,0,0,0,0,0,0,0,15,213,253,253,247,156,238,253,253,253,253,253,253,253,227,22,0,0,0,0,0,0,0,0,0,0,0,0,0,72,195,155,155,155,155,155,155,53,51,51,51,150,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,0,0,0,0,0,0,0,0,0,0,227,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,189,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,160,166,166,204,191,166,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,242,254,254,254,254,206,215,254,247,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,254,198,64,27,27,6,10,27,168,245,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,253,128,15,0,0,0,0,0,0,10,236,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,166,0,0,0,0,0,0,0,0,115,212,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,246,41,0,0,0,0,0,0,0,63,252,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,232,0,0,0,0,0,0,0,34,228,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,246,68,0,0,0,0,0,94,227,254,212,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,248,176,148,148,148,222,251,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,176,254,254,254,254,254,233,140,217,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,76,75,133,114,44,24,0,184,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,245,213,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,137,137,192,137,131,18,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,36,147,57,254,254,254,199,239,213,190,236,125,8,0,0,0,0,0,0,0,0,0,0,0,0,12,54,179,254,254,254,201,111,145,102,46,0,62,226,184,150,8,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,253,172,24,0,0,0,0,0,0,154,237,254,35,0,0,0,0,0,0,0,0,0,0,0,54,254,254,217,51,0,0,0,0,0,0,0,0,126,213,254,77,0,0,0,0,0,0,0,0,0,0,0,7,118,51,17,0,0,0,0,0,0,0,0,0,28,161,199,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,230,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,84,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,228,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,96,96,96,96,16,0,0,148,254,254,140,6,0,0,0,0,0,0,0,0,0,0,0,0,0,93,218,243,254,254,254,254,235,232,121,245,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,28,220,254,254,240,124,124,69,33,5,63,252,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,192,5,0,0,0,0,12,185,254,255,254,189,0,0,0,0,0,0,0,0,0,0,0,0,46,185,254,238,65,0,0,0,0,73,199,254,208,207,238,232,35,0,0,0,0,0,0,0,0,0,0,13,227,254,254,80,0,0,0,0,74,238,254,173,2,0,124,236,53,0,0,0,0,0,0,0,0,0,0,18,254,254,254,47,0,41,84,158,239,254,85,30,0,0,0,69,36,0,0,0,0,0,0,0,0,0,0,3,122,254,254,184,151,237,196,128,91,35,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,106,233,149,188,9,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,185,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,162,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,177,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,172,254,249,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,153,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,136,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,112,249,254,163,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,254,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,231,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,234,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,244,246,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,192,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,252,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,87,203,254,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,204,253,253,253,254,223,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,199,254,253,183,46,136,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,253,254,151,13,0,45,119,13,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,254,195,0,0,0,0,0,130,221,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,177,13,5,38,80,164,251,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,221,211,245,253,254,253,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,253,254,253,253,253,254,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,176,216,254,204,190,109,59,0,231,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,7,2,0,0,38,243,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,234,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,203,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,57,0,0,0,0,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,0,0,29,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,86,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,226,29,0,0,0,0,114,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,226,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,57,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,226,255,0,0,0,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,57,255,198,0,57,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,170,114,86,86,170,255,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,255,255,198,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,86,170,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,127,209,178,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,178,247,253,253,253,254,167,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,254,216,107,78,115,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,253,131,10,0,0,53,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,183,253,139,0,0,0,31,217,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,254,58,0,0,102,254,254,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,66,35,125,241,253,200,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,223,224,253,253,253,193,146,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,254,245,185,231,138,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,253,254,253,192,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,164,254,255,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,241,253,207,201,253,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,241,253,195,48,41,241,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,254,250,116,9,0,0,72,253,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,121,0,0,0,0,20,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,218,15,0,0,0,0,43,254,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,68,0,0,0,8,103,232,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,79,18,79,168,205,254,253,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,253,254,238,253,253,253,192,109,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,254,253,222,103,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,70,162,195,161,195,104,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,253,254,253,253,253,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,131,253,247,145,115,253,254,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,160,84,0,24,253,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,237,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,193,253,253,140,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,254,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,213,245,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,136,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,215,163,163,143,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,192,198,198,198,234,253,237,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,255,238,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,166,253,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,222,253,207,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,253,253,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,207,255,234,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,134,249,237,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,183,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,253,245,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,36,82,243,254,245,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,249,233,253,253,209,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,253,246,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,155,253,254,254,209,89,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,182,251,253,252,248,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,243,113,72,37,89,177,253,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,253,120,0,0,0,0,19,187,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,195,5,0,0,0,18,226,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,79,0,0,0,0,72,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,253,69,0,0,0,4,228,253,253,245,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,69,0,0,8,162,253,253,199,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,177,43,0,164,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,220,253,251,249,253,253,235,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,194,248,248,189,107,159,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,216,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,165,91,29,29,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,224,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,253,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,202,151,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,160,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,29,29,29,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,170,169,234,252,253,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,215,252,253,252,252,252,253,233,130,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,252,253,252,252,252,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,187,113,192,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,245,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,225,250,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,173,252,139,0,0,0,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,166,0,0,0,2,170,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,225,209,40,0,0,0,30,254,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,111,0,0,0,5,162,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,179,1,0,0,0,34,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,180,1,0,0,0,119,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,250,254,173,52,0,37,242,254,154,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,238,184,242,254,251,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,225,254,254,254,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,9,52,254,243,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,249,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,242,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,159,0,0,0,0,0,37,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,78,0,0,0,0,0,136,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,234,0,0,0,0,0,71,246,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,150,0,0,0,0,25,211,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,135,0,0,0,19,226,253,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,150,0,0,68,239,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,248,128,113,239,254,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,230,254,254,254,196,230,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,165,233,195,42,232,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,106,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,219,0,0,0,0,0,0,0,0,0,0,0,242,12,0,0,0,0,0,0,0,0,0,0,0,0,183,254,196,0,0,0,0,0,0,0,0,0,0,75,254,66,0,0,0,0,0,0,0,0,0,0,0,41,251,255,111,0,0,0,0,0,0,0,0,0,0,129,254,128,0,0,0,0,0,0,0,0,0,0,0,127,254,252,58,0,0,0,0,0,0,0,0,0,0,194,254,99,0,0,0,0,0,0,0,0,0,0,13,227,254,146,0,0,0,0,0,0,0,0,0,0,0,213,254,215,10,0,0,0,0,0,0,0,0,0,90,254,254,73,0,0,0,0,0,0,0,0,0,0,0,204,254,254,52,0,0,0,0,0,0,0,0,6,207,254,225,9,0,0,0,0,0,0,0,0,0,0,0,120,254,254,246,171,134,16,26,40,24,32,32,69,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,12,189,254,254,254,254,174,225,248,235,242,168,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,254,254,254,254,254,254,254,225,150,246,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,254,254,254,254,254,254,243,105,140,254,246,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,137,216,251,254,229,234,153,46,199,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,56,9,19,0,0,199,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,153,238,217,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,217,176,211,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,253,109,5,0,13,217,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,78,3,0,0,0,195,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,108,3,0,0,0,7,210,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,244,136,3,0,0,0,0,68,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,204,13,0,0,0,0,11,218,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,65,0,0,0,0,0,17,229,218,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,26,0,0,0,0,7,190,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,40,0,0,0,50,206,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,231,135,126,199,247,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,152,202,163,133,134,255,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,215,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,91,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,255,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,212,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,254,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,141,179,242,180,223,254,196,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,200,254,255,255,254,237,236,238,245,249,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,230,254,254,254,207,87,26,25,27,49,239,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,225,254,254,248,128,7,0,0,0,0,68,254,186,5,0,0,0,0,0,0,0,0,0,0,0,0,2,193,254,254,254,82,0,0,0,0,0,0,71,254,239,30,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,248,80,2,0,0,0,0,0,0,157,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,163,0,0,0,0,0,0,0,23,216,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,4,74,149,5,0,0,0,0,0,0,0,132,254,223,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,185,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,32,90,124,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,174,234,254,254,254,226,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,250,254,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,254,254,254,254,254,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,252,254,223,254,254,254,204,95,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,254,254,254,225,31,0,246,231,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,254,254,167,21,0,0,246,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,208,254,248,133,9,0,0,0,174,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,150,54,0,0,0,0,0,148,249,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,255,183,253,140,121,121,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,212,240,240,240,246,246,253,252,252,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,133,248,252,202,252,252,252,252,253,252,252,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,161,239,172,172,102,110,39,39,39,165,252,246,78,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,104,44,0,0,0,0,0,0,0,14,53,53,20,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,96,41,41,19,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,213,252,252,252,252,203,203,161,104,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,252,252,252,253,252,213,105,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,252,252,252,253,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,158,234,146,183,197,191,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,2,6,7,6,139,241,252,252,249,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,244,252,252,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,14,0,0,32,54,187,186,245,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,193,173,173,219,252,253,252,252,252,252,243,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,245,252,252,252,252,253,252,252,252,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,241,252,252,252,253,246,238,238,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,132,252,252,120,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,220,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,218,246,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,218,226,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,247,248,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,133,0,0,0,0,0,0,0,17,120,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,252,65,0,0,0,0,0,0,0,48,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,77,0,0,0,0,0,0,0,88,246,224,28,0,0,0,0,0,0,0,0,0,0,0,0,0,52,234,244,10,0,0,0,0,0,0,18,208,254,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,128,0,0,0,0,0,0,0,206,254,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,13,205,234,22,0,0,0,0,0,23,113,253,248,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,165,0,0,0,0,0,0,131,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,199,11,0,0,16,96,187,248,254,155,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,234,119,180,236,254,254,254,204,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,247,254,254,249,254,255,251,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,107,105,156,254,248,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,247,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,247,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,197,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,196,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,206,79,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,254,245,154,128,36,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,188,227,254,254,254,254,185,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,76,183,216,205,254,226,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,15,47,194,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,225,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,232,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,243,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,155,253,116,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,216,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,238,62,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,220,238,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,246,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,254,109,0,0,0,0,3,9,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,205,19,0,0,0,139,194,254,213,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,53,0,0,0,195,254,254,255,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,52,0,0,139,254,254,237,56,166,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,239,221,4,0,3,194,254,191,49,0,131,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,200,0,0,9,254,255,48,0,0,180,222,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,116,0,0,9,254,186,2,0,61,249,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,86,0,0,9,254,241,19,9,186,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,250,204,6,0,2,191,254,113,142,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,127,11,0,73,248,254,254,254,117,63,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,254,225,184,184,230,251,245,245,230,115,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,236,254,254,254,197,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,233,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,136,17,0,0,0,0,0,0,0,0,240,253,133,10,0,0,0,0,0,0,0,0,0,0,0,18,107,234,253,160,0,0,0,0,0,0,0,0,75,253,253,170,50,26,0,0,0,0,0,0,30,84,157,220,253,253,253,219,0,0,0,0,0,0,0,0,4,181,252,253,245,240,234,208,215,130,130,147,241,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,131,234,253,253,253,253,253,253,253,253,253,172,233,253,253,250,115,14,0,0,0,0,0,0,0,0,0,0,0,57,144,238,231,212,253,250,250,153,86,183,245,253,249,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,88,70,70,2,115,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,193,253,253,234,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,237,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,241,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,250,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,251,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,207,253,246,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,198,244,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,195,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,231,251,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,240,230,242,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,185,0,38,152,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,239,25,0,0,116,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,243,128,0,0,0,116,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,223,25,0,0,0,116,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,81,0,0,0,0,116,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,23,0,0,0,13,187,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,23,0,0,13,151,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,23,0,51,187,253,236,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,140,101,234,254,185,36,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,254,203,160,9,24,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,107,107,6,0,0,3,190,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,249,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,251,215,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,202,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,98,157,252,239,209,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,216,254,254,254,254,254,250,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,251,199,139,61,61,173,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,191,254,241,0,0,0,0,16,175,254,215,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,207,254,226,97,0,0,0,0,0,12,189,254,213,103,0,0,0,0,0,0,0,0,0,0,0,0,0,188,168,254,82,0,0,0,0,0,0,0,74,254,254,214,100,0,0,0,0,0,0,0,0,0,0,0,0,235,254,230,47,0,0,0,0,0,0,0,1,74,249,254,253,133,0,0,0,0,0,0,0,0,0,0,106,252,228,54,0,0,0,0,0,0,0,0,0,0,193,254,254,213,0,0,0,0,0,0,0,0,0,0,118,254,178,0,0,0,0,0,0,0,0,0,0,0,20,190,254,247,78,0,0,0,0,0,0,0,0,0,193,254,78,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,197,0,0,0,0,0,0,0,0,0,118,254,41,0,0,0,0,0,0,0,0,0,0,0,0,75,249,254,236,13,0,0,0,0,0,0,0,0,118,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,121,0,0,0,0,0,0,0,0,118,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,187,0,0,0,0,0,0,0,0,6,236,178,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,246,69,0,0,0,0,0,0,0,0,0,235,203,20,0,0,0,0,0,0,0,0,0,0,0,28,200,254,240,38,0,0,0,0,0,0,0,0,0,103,211,109,63,63,63,63,29,63,29,63,63,63,194,218,254,254,238,25,0,0,0,0,0,0,0,0,0,0,23,105,241,254,254,254,214,254,214,254,254,254,254,254,244,116,69,0,0,0,0,0,0,0,0,0,0,0,0,0,65,178,234,234,185,208,234,234,234,166,96,96,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,141,255,254,254,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,72,154,244,253,253,253,253,203,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,65,171,229,253,253,253,253,222,123,82,56,0,0,0,0,0,0,0,0,0,0,0,0,0,20,72,176,221,253,253,253,253,253,188,122,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,169,220,253,253,253,253,253,191,128,47,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,253,253,182,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,215,253,253,94,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,253,253,66,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,216,112,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,92,239,253,253,253,244,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,91,205,253,253,244,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,34,212,253,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,214,253,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,96,12,0,0,7,85,232,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,211,201,201,206,253,253,253,178,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,228,253,253,253,253,253,253,187,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,114,135,193,187,135,108,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,121,121,190,255,253,253,253,253,253,232,44,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,242,252,252,252,252,253,252,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,85,248,252,252,252,252,252,252,159,158,193,252,252,252,216,10,0,0,0,0,0,0,0,0,0,0,0,0,64,240,252,252,176,39,39,39,0,0,15,107,252,252,182,30,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,195,25,0,0,0,0,110,216,252,174,25,20,0,0,0,0,0,0,0,0,0,0,0,0,0,56,213,252,252,196,51,0,26,180,245,252,238,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,248,173,211,252,252,239,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,196,252,252,252,252,253,252,242,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,127,247,252,252,253,252,163,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,253,253,255,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,195,146,247,252,206,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,252,240,12,0,81,242,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,126,0,0,0,226,252,242,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,252,252,106,0,0,0,122,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,252,252,106,0,0,0,94,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,127,0,0,39,189,252,241,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,247,160,161,247,252,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,197,247,252,252,253,252,247,196,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,126,252,253,126,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,114,192,18,0,0,11,43,61,148,148,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,99,252,252,120,85,137,206,252,253,252,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,252,252,252,245,252,252,252,244,170,91,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,252,252,199,190,189,136,84,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,182,42,42,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,139,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,239,133,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,68,235,253,252,249,211,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,141,232,253,253,175,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,168,239,253,231,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,200,252,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,192,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,236,255,239,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,0,0,0,29,142,252,252,204,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,240,57,66,189,239,252,252,190,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,212,84,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,252,252,191,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,234,252,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,150,197,253,252,252,214,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,156,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,190,112,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,135,253,252,252,214,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,252,214,28,0,0,0,7,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,118,0,0,0,0,135,177,140,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,168,0,0,0,176,253,253,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,10,163,253,252,252,252,252,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,89,0,138,252,253,233,164,187,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,177,60,224,252,240,71,7,178,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,63,48,165,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,255,253,253,253,253,255,253,253,253,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,253,252,252,252,252,253,252,252,195,167,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,231,252,252,252,253,252,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,199,252,252,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,128,252,190,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,176,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,96,238,253,253,248,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,104,202,253,253,253,253,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,253,246,133,240,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,246,253,254,235,80,0,158,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,253,253,253,224,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,149,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,184,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,14,0,0,44,105,105,176,254,254,175,6,0,0,0,0,0,0,0,0,0,0,0,0,4,151,253,253,141,3,47,60,229,253,253,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,127,69,233,253,254,253,253,246,251,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,253,253,253,253,254,253,175,71,224,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,253,253,253,253,179,72,85,146,250,253,213,10,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,253,253,248,134,13,83,253,253,253,214,35,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,253,253,232,134,184,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,253,253,253,253,253,255,253,253,210,120,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,59,204,253,253,253,253,253,254,253,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,210,253,253,253,253,192,104,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,64,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,64,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,194,118,48,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,251,254,254,215,107,95,95,95,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,245,254,255,254,254,254,254,251,245,245,189,141,183,141,35,0,0,0,0,0,0,0,0,0,0,0,0,0,50,163,171,245,254,254,254,254,254,254,254,254,254,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,228,228,228,188,227,149,226,254,254,254,245,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,161,254,254,247,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,246,254,254,248,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,223,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,117,221,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,92,146,191,250,254,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,236,254,254,254,254,254,254,254,254,254,166,62,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,245,254,254,254,254,254,254,254,254,200,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,254,176,73,186,254,254,245,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,104,15,0,100,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,171,255,254,255,185,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,63,45,0,119,247,249,191,191,230,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,238,254,246,228,242,120,25,0,0,77,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,254,254,196,0,0,0,0,124,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,247,179,68,0,0,0,44,249,249,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,170,254,235,51,0,0,0,42,232,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,227,254,235,143,0,43,231,254,178,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,254,177,71,231,252,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,251,251,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,254,254,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,221,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,236,249,184,203,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,252,85,0,70,254,249,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,140,0,0,45,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,252,248,31,0,0,18,227,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,194,0,0,0,0,128,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,169,0,0,0,0,134,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,115,27,48,132,245,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,254,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,110,194,254,254,254,169,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,242,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,229,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,247,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,255,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,130,255,143,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,184,101,209,253,253,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,214,253,253,248,178,179,253,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,253,216,12,0,0,96,184,253,141,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,188,6,0,0,0,41,238,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,251,253,117,0,0,0,0,0,201,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,223,23,0,0,0,0,0,98,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,167,0,0,0,0,0,0,98,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,248,253,97,0,0,0,0,0,0,8,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,0,0,0,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,245,21,0,0,0,0,0,0,0,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,0,0,0,0,0,0,244,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,0,0,0,0,0,65,250,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,0,0,0,0,0,139,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,0,0,0,0,69,252,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,250,67,0,0,0,0,43,226,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,140,0,0,0,38,180,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,130,253,253,129,40,141,228,253,246,92,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,253,253,253,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,171,253,253,253,214,90,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,140,246,251,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,251,251,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,251,251,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,251,251,157,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,235,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,251,251,253,230,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,241,251,251,201,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,251,225,71,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,252,240,24,0,0,0,0,0,7,29,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,48,165,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,141,0,0,0,0,51,238,253,253,253,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,94,0,0,10,85,238,252,233,167,167,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,197,252,141,0,0,0,60,252,253,201,74,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,249,99,0,0,132,224,252,162,9,0,4,107,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,223,0,0,0,197,236,112,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,198,253,112,0,38,222,162,0,0,0,89,207,253,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,158,0,85,201,9,0,38,131,246,252,252,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,135,122,239,181,135,222,252,252,214,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,180,252,253,252,252,252,252,253,226,192,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,253,252,252,252,252,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,177,97,0,0,0,0,0,0,61,94,17,10,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,234,253,194,34,0,0,0,0,91,248,253,232,37,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,253,188,70,15,0,0,0,3,180,253,249,97,9,0,0,0,0,0,0,0,0,0,0,0,0,79,216,247,146,3,0,0,0,0,3,128,253,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,253,164,0,0,0,0,0,0,97,253,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,207,9,0,0,0,0,0,24,205,253,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,81,0,0,0,0,0,0,163,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,180,1,0,0,0,0,0,120,252,253,180,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,132,0,0,0,7,39,123,240,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,249,53,0,7,95,129,253,253,254,253,176,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,254,254,254,254,254,255,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,253,253,253,253,253,253,253,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,243,243,246,253,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,220,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,153,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,181,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,251,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,201,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,208,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,147,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,241,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,179,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,242,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,36,0,0,16,55,87,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,193,5,0,59,228,232,138,165,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,108,0,2,186,242,68,0,77,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,108,0,51,253,59,0,0,44,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,199,0,110,163,0,0,0,45,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,249,53,122,162,0,0,0,109,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,176,11,88,33,0,90,230,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,250,204,77,77,160,236,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,233,253,254,201,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,144,144,144,144,144,144,144,144,144,144,144,134,82,34,34,34,149,254,0,0,0,0,0,0,0,0,221,253,253,253,253,253,253,253,253,253,255,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,44,44,44,44,44,44,44,44,44,44,44,44,135,154,154,154,245,253,223,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,236,226,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,153,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,128,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,100,133,232,254,254,254,134,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,58,253,253,253,245,229,229,229,254,243,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,229,188,96,64,0,0,0,160,238,253,166,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,0,0,0,0,0,60,235,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,84,0,0,0,0,0,0,0,0,62,233,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,18,163,20,0,0,0,0,0,0,0,0,0,169,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,202,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,198,254,254,255,167,41,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,249,254,251,229,234,253,253,68,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,212,87,0,19,96,216,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,0,0,0,0,0,113,253,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,225,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,19,28,0,0,0,0,0,5,98,98,178,243,253,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,137,110,110,219,230,232,253,253,180,58,24,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,132,225,253,253,253,195,132,132,57,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,232,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,168,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,152,193,214,253,254,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,203,253,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,253,254,253,254,233,203,203,214,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,233,151,151,111,50,30,0,0,51,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,132,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,214,253,254,253,254,253,254,253,254,253,193,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,252,253,252,253,252,253,212,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,213,203,203,234,253,244,203,163,122,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,10,0,0,193,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,137,216,255,245,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,76,212,253,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,212,253,253,253,253,251,253,132,0,15,141,222,7,0,0,0,0,0,0,0,0,0,0,0,0,0,26,228,253,253,239,157,102,59,161,86,59,206,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,2,157,253,250,172,68,0,0,0,6,102,214,253,253,186,3,0,0,0,0,0,0,0,0,0,0,0,0,153,253,250,94,0,0,0,0,4,123,245,253,236,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,172,0,0,0,0,34,192,253,253,235,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,90,0,0,0,43,168,253,253,196,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,168,9,0,6,179,253,253,245,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,206,55,168,253,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,253,253,253,171,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,81,204,251,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,253,253,253,212,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,193,189,253,253,236,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,219,243,4,4,164,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,6,118,253,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,227,247,40,0,0,99,253,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,251,249,203,252,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,175,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,145,228,253,230,60,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,154,254,254,255,169,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,200,253,253,253,253,253,253,189,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,249,146,146,195,253,253,253,167,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,253,189,55,0,0,26,83,237,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,253,177,88,0,0,0,0,0,131,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,197,16,0,0,0,0,0,0,131,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,190,187,0,0,0,0,0,0,23,198,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,18,0,0,0,0,0,0,42,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,9,7,6,1,0,0,0,79,238,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,253,253,213,194,103,99,99,99,169,253,253,230,65,0,0,0,0,0,0,0,0,0,0,0,2,95,197,253,253,253,253,253,253,253,253,253,253,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,253,156,138,138,138,250,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,248,132,8,0,11,42,141,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,220,0,0,73,163,253,253,253,253,253,253,253,190,102,0,0,0,0,0,0,0,0,0,0,0,0,180,253,249,222,222,239,253,253,253,253,230,195,221,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,253,253,253,205,106,65,0,116,253,253,229,62,0,0,0,0,0,0,0,0,0,0,0,12,179,237,253,253,253,186,78,10,0,0,0,116,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,70,89,89,89,9,0,0,0,0,0,41,116,253,215,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,210,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,242,253,252,186,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,252,241,247,252,239,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,226,35,63,212,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,252,59,0,0,30,217,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,253,84,0,0,0,0,152,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,201,21,0,0,0,0,16,221,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,252,73,0,0,0,0,0,0,158,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,137,4,0,0,0,0,0,0,106,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,247,53,0,0,0,0,0,0,0,107,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,211,0,0,0,0,0,0,0,0,106,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,202,0,0,0,0,0,0,0,0,158,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,106,0,0,0,0,0,0,0,16,221,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,106,0,0,0,0,0,0,0,152,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,219,11,0,0,0,0,0,48,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,253,127,7,0,0,15,121,247,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,161,253,252,181,127,127,237,252,251,134,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,227,252,252,252,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,77,191,217,208,129,42,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,237,218,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,139,224,252,193,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,237,242,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,114,176,159,75,16,43,225,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,98,240,241,221,225,254,229,200,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,168,128,30,0,6,77,254,254,186,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,75,0,0,0,0,89,254,220,248,231,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,205,13,0,0,0,73,228,205,23,78,221,246,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,108,0,0,0,30,227,220,24,0,0,36,221,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,53,223,77,0,75,215,203,36,0,0,0,0,36,221,215,11,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,171,247,221,26,0,0,0,0,0,0,36,241,179,9,0,0,0,0,0,0,0,0,0,0,0,0,12,191,209,96,14,0,0,0,0,0,0,0,0,71,243,208,7,0,0,0,0,0,0,0,0,0,0,0,0,8,6,0,0,0,0,0,0,0,0,0,0,0,41,245,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,251,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,195,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,130,188,182,79,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,171,254,254,254,254,254,142,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,239,253,201,158,175,253,254,251,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,239,230,104,0,0,0,107,234,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,242,32,0,0,0,0,0,22,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,153,0,0,0,0,0,0,0,15,103,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,234,33,0,0,0,0,0,0,36,222,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,134,0,0,0,0,0,0,8,212,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,33,194,254,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,250,108,42,42,42,155,248,254,254,254,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,254,254,254,254,254,254,214,167,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,185,254,254,190,231,197,30,182,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,70,78,18,27,6,0,222,254,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,230,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,141,253,253,253,255,197,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,249,252,252,252,252,253,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,248,252,252,237,158,82,75,253,252,252,201,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,235,226,136,39,33,0,0,133,253,218,201,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,172,0,0,0,0,0,28,253,173,26,221,158,0,0,0,0,0,0,0,0,0,0,0,0,0,26,242,252,172,0,0,0,0,0,0,129,249,74,221,185,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,252,81,0,0,0,0,0,0,0,148,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,39,0,0,0,0,0,0,0,39,236,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,117,0,0,0,0,0,0,0,6,228,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,214,99,0,0,0,0,0,64,183,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,225,121,121,121,121,255,253,159,0,68,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,230,252,252,252,252,252,202,90,8,0,4,133,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,125,158,158,151,26,14,0,0,0,0,6,177,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,246,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,203,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,41,41,174,173,89,0,0,0,131,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,253,252,50,27,27,126,223,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,239,252,253,252,252,252,252,252,243,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,120,245,252,252,252,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,77,114,178,100,185,221,238,185,185,185,138,138,185,138,0,0,0,0,0,0,0,0,0,0,0,1,122,251,254,254,252,249,249,193,166,249,249,249,254,254,249,156,0,0,0,0,0,0,0,0,0,0,0,44,254,254,160,103,53,0,0,0,0,0,0,0,86,90,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,145,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,204,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,240,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,214,17,17,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,254,254,254,254,254,223,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,254,171,162,194,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,187,60,16,2,0,88,240,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,116,11,0,0,0,0,88,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,38,227,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,48,0,0,0,0,158,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,224,71,0,0,98,238,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,216,253,250,250,254,234,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,125,184,184,87,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,114,57,86,86,86,86,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,198,141,86,86,86,57,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,114,0,0,0,0,0,0,0,57,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,29,0,0,0,0,0,0,0,0,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,198,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,141,0,0,0,0,0,0,0,29,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,57,0,0,0,0,29,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,170,170,170,198,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,170,255,255,255,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,191,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,220,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,172,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,213,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,191,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,36,132,132,132,237,143,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,160,252,252,252,252,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,252,252,252,252,252,221,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,28,0,213,252,252,252,217,169,84,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,101,242,221,95,195,252,197,72,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,210,252,252,221,37,3,60,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,108,239,252,252,220,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,220,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,187,252,252,252,204,109,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,252,252,252,252,247,241,122,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,197,245,247,250,253,253,253,253,255,253,161,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,36,52,83,108,153,250,252,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,153,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,219,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,125,250,253,252,242,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,85,32,0,0,65,85,206,252,252,253,244,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,211,230,217,217,244,252,252,252,252,202,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,252,252,252,252,252,252,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,29,131,218,252,212,131,80,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,237,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,179,0,0,0,0,0,0,10,67,215,215,144,21,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,230,17,0,0,0,0,32,223,254,254,254,254,243,44,0,0,0,0,0,0,0,0,0,0,0,0,59,251,254,25,0,0,0,45,237,254,188,129,41,189,251,58,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,56,0,0,0,122,254,236,27,0,50,233,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,233,37,0,0,203,252,52,3,63,194,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,254,174,91,91,252,251,115,194,254,246,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,254,254,254,254,254,254,252,182,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,154,154,231,215,254,231,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,253,234,233,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,252,253,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,142,183,82,41,234,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,212,0,0,0,0,71,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,244,40,0,0,0,0,0,41,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,122,0,0,0,0,0,0,0,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,61,0,0,0,0,0,0,0,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,213,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,0,0,0,0,0,0,0,21,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,0,0,0,0,0,0,0,142,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,21,0,0,0,0,0,51,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,142,0,0,0,0,41,173,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,234,152,21,0,11,132,255,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,223,203,213,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,255,253,255,253,224,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,192,192,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,77,77,142,166,166,197,150,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,254,254,254,254,249,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,254,254,254,226,205,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,116,90,40,40,40,17,7,217,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,150,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,182,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,133,254,254,254,210,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,4,37,176,254,234,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,0,0,0,0,0,0,0,110,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,241,176,60,7,0,0,0,0,38,238,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,254,224,208,130,99,130,194,254,234,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,180,254,254,254,254,254,254,254,254,249,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,249,254,254,254,254,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,92,165,165,198,254,175,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,165,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,220,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,240,244,144,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,225,47,40,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,208,26,0,40,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,209,26,0,0,19,230,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,244,34,0,0,0,0,208,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,203,40,40,40,40,53,231,229,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,254,254,254,254,218,208,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,130,90,52,52,52,112,254,201,137,137,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,255,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,255,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,227,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,233,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,254,205,0,0,0,0,7,82,170,179,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,205,0,0,0,0,27,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,205,0,0,0,18,201,254,254,234,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,159,0,0,0,93,254,254,179,118,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,205,0,0,0,146,254,254,57,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,254,216,13,0,35,235,254,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,176,8,140,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,254,254,140,210,254,254,200,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,254,254,254,189,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,190,254,254,254,237,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,130,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,204,254,245,117,33,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,254,254,254,235,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,117,254,254,254,254,152,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,142,175,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,191,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,194,254,191,67,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,205,244,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,213,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,206,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,247,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,241,249,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,247,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,244,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,109,254,179,6,0,0,0,0,0,0,18,22,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,27,0,0,0,0,94,162,168,238,254,254,183,101,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,27,19,135,207,207,244,204,221,254,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,9,226,254,254,94,219,143,112,10,10,5,7,10,187,254,254,222,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,61,0,0,0,0,0,0,0,0,136,255,254,194,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,161,0,0,0,0,0,0,0,85,231,254,212,21,0,0,0,0,0,0,0,0,0,0,0,2,209,254,254,254,183,141,42,33,33,135,213,254,251,194,68,0,0,0,0,0,0,0,0,0,0,0,0,0,83,226,254,254,254,254,254,254,254,254,238,184,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,146,243,254,217,239,146,60,84,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,140,125,125,25,65,65,90,125,144,170,137,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,49,240,253,253,253,249,251,251,252,253,253,253,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,253,253,253,253,253,253,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,253,199,253,253,234,149,149,149,138,19,9,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,177,25,25,13,25,25,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,251,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,172,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,248,253,253,253,237,165,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,175,188,243,253,253,209,99,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,171,241,253,253,180,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,171,240,253,204,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,107,3,0,0,0,0,0,0,76,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,110,17,0,0,0,0,21,196,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,213,150,107,128,150,230,253,253,250,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,253,253,253,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,253,253,253,253,253,253,252,220,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,186,253,253,253,219,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,131,0,0,0,0,0,0,0,0,0,92,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,208,33,0,0,0,0,0,0,0,0,212,254,170,0,0,0,0,0,0,0,0,0,0,0,0,16,169,254,224,39,0,0,0,0,0,0,0,33,222,254,237,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,131,0,0,0,0,0,0,0,0,132,254,254,237,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,131,0,0,0,0,0,0,0,47,238,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,239,254,254,131,0,0,0,0,0,0,0,54,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,128,251,254,219,27,0,0,0,0,0,0,0,54,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,159,254,254,229,55,0,0,0,0,0,0,0,54,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,44,237,254,254,221,185,185,185,185,185,185,185,200,254,254,254,189,6,0,0,0,0,0,0,0,0,0,0,0,41,215,254,254,254,254,254,254,254,254,254,254,254,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,49,116,254,254,254,254,254,254,254,254,254,254,254,254,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,2,8,148,111,8,69,184,184,184,248,254,254,143,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,234,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,250,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,200,78,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,236,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,252,0,0,0,0,0,0,8,31,101,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,0,0,0,0,0,38,171,252,252,252,109,16,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,0,0,236,252,252,226,191,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,62,0,0,0,124,255,222,62,0,0,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,48,242,253,63,0,0,80,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,203,0,11,202,252,153,5,0,6,206,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,239,42,92,252,226,0,0,6,112,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,253,186,223,252,103,0,80,206,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,253,253,253,253,255,253,253,199,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,252,253,224,116,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,251,134,21,21,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,245,142,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,252,226,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,34,34,130,144,173,163,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,177,177,180,253,253,253,254,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,254,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,246,183,212,121,121,107,88,29,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,244,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,180,45,45,79,107,45,45,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,253,253,255,253,199,130,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,245,253,253,253,253,253,253,254,253,253,253,232,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,111,111,111,111,111,111,112,111,202,253,255,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,230,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,247,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,56,5,0,0,0,0,0,0,0,94,253,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,253,22,0,0,0,0,0,0,8,173,253,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,80,5,0,0,0,0,5,129,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,193,155,155,45,122,193,253,253,238,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,107,253,253,253,253,253,254,253,253,247,176,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,71,143,210,253,253,254,176,143,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,202,243,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,181,0,0,0,25,93,93,69,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,224,14,0,0,21,212,254,254,255,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,128,0,0,0,148,251,115,71,71,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,230,13,0,0,38,246,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,193,0,0,0,51,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,146,0,0,0,51,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,241,29,0,0,0,89,254,113,0,0,10,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,242,185,0,0,0,0,174,254,73,0,57,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,73,0,0,0,0,218,254,140,201,240,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,244,218,10,0,0,8,62,236,254,254,192,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,250,62,23,89,174,224,254,254,254,89,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,245,245,174,236,254,254,210,155,254,207,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,209,130,45,6,47,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,186,74,25,6,0,0,0,95,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,207,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,223,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,220,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,62,121,121,81,32,21,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,253,254,190,178,245,253,212,139,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,153,253,186,24,4,0,71,155,228,254,240,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,254,217,14,0,0,0,0,0,10,69,165,168,0,0,0,0,0,0,0,0,0,0,0,0,28,142,244,253,254,172,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,235,254,254,254,254,254,229,195,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,254,253,208,131,104,143,124,203,215,253,155,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,193,49,5,0,0,0,0,0,13,223,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,70,0,0,0,0,0,0,0,27,182,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,94,231,254,196,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,70,126,201,253,252,160,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,126,126,132,225,251,254,254,234,150,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,184,173,173,173,119,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,20,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,156,172,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,255,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,218,89,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,254,254,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,169,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,198,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,164,20,0,0,0,0,87,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,85,0,0,0,0,142,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,64,0,0,0,0,203,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,235,20,0,0,0,0,181,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,241,23,0,0,0,0,118,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,198,0,0,0,0,0,118,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,151,0,28,53,53,45,134,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,187,211,239,254,254,250,248,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,254,232,167,197,217,254,254,251,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,233,122,21,0,0,35,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,133,30,0,0,0,0,106,254,242,170,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,226,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,255,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,255,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,204,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,55,0,0,0,0,0,128,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,245,98,0,0,0,0,242,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,118,0,0,0,96,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,236,252,66,0,0,0,100,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,193,252,218,14,0,0,0,100,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,108,0,0,0,0,100,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,246,39,0,0,0,0,100,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,241,0,0,0,0,0,100,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,251,153,111,111,111,111,166,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,253,253,253,255,253,253,250,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,143,186,186,187,186,241,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,201,132,133,64,13,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,252,252,231,145,111,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,252,253,252,252,252,252,252,220,111,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,252,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,72,181,221,253,252,252,252,252,252,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,60,60,105,212,252,252,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,189,252,252,252,252,133,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,252,252,252,252,179,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,173,252,252,252,252,221,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,241,253,252,252,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,253,255,253,253,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,252,252,253,252,249,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,166,252,252,252,253,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,252,252,252,253,213,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,198,252,252,252,252,252,216,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,233,252,252,252,252,252,126,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,189,252,252,252,252,220,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,216,252,252,252,220,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,169,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,212,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,154,254,163,225,254,254,254,209,82,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,136,154,253,253,253,253,253,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,8,151,253,253,253,253,240,235,235,235,137,156,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,13,251,228,228,210,105,33,0,0,0,8,158,253,253,183,10,0,0,0,0,0,0,0,0,0,0,0,0,5,92,0,0,0,0,0,0,0,24,157,253,253,181,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,201,253,253,179,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,188,253,240,170,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,191,253,240,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,191,253,240,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,198,253,240,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,201,253,240,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,87,232,253,240,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,94,253,253,223,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,200,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,237,253,244,63,0,0,0,0,0,0,0,0,0,0,0,39,148,217,217,0,0,0,0,0,0,0,0,179,253,246,79,0,0,0,0,0,0,0,0,0,0,86,209,236,253,207,33,0,0,0,0,0,0,0,0,254,253,235,0,0,0,0,0,24,106,106,203,230,230,250,253,157,94,13,0,0,0,0,0,0,0,0,0,254,253,243,112,112,112,194,236,240,253,253,253,253,160,97,18,2,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,253,253,253,253,253,253,163,135,35,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,138,253,253,253,232,129,102,5,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,155,155,155,250,218,254,173,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,175,244,215,184,144,144,144,106,229,244,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,147,48,0,0,0,0,0,0,39,230,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,12,0,0,0,0,0,0,0,1,168,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,128,221,207,34,31,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,86,191,254,254,254,254,254,254,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,248,254,215,254,156,34,15,100,181,234,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,254,239,123,1,0,0,0,0,30,197,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,105,105,71,4,0,0,0,0,0,0,0,106,250,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,166,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,10,0,0,0,0,0,0,0,0,0,0,0,0,2,85,11,0,0,0,0,0,0,0,0,0,0,127,249,9,0,0,0,0,0,0,0,0,0,0,0,0,115,176,8,0,0,0,0,0,0,0,0,0,54,239,80,0,0,0,0,0,0,0,0,0,0,0,0,33,219,10,0,0,0,0,0,0,0,0,0,72,205,209,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,0,0,0,0,0,0,0,0,0,121,246,198,35,0,0,0,0,0,0,0,0,0,0,0,0,0,5,168,137,4,0,0,0,0,0,46,180,239,160,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,96,0,0,0,36,40,231,249,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,139,249,212,145,183,240,204,186,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,154,194,154,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,207,253,255,206,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,215,252,252,253,252,246,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,239,180,55,119,246,252,230,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,195,0,0,0,122,246,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,195,0,0,0,0,197,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,31,0,0,0,0,198,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,85,38,0,210,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,120,215,252,252,221,198,246,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,242,223,227,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,89,0,13,189,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,27,0,92,253,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,103,117,243,252,106,103,252,218,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,253,252,252,245,118,0,19,177,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,242,192,74,0,0,0,57,252,205,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,74,0,0,0,0,0,25,205,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,145,231,217,237,158,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,183,171,26,0,52,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,93,0,0,0,13,169,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,210,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,171,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,215,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,255,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,160,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,161,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,131,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,249,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,213,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,162,253,252,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,131,62,102,193,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,172,10,0,0,71,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,51,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,171,0,0,0,0,92,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,91,0,0,0,41,214,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,233,30,0,0,41,243,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,234,30,0,0,173,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,172,21,183,253,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,254,253,254,172,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,252,253,252,131,10,131,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,50,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,172,10,0,0,51,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,0,0,0,0,92,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,0,0,11,173,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,41,41,173,252,213,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,253,255,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,212,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,56,79,240,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,10,48,195,254,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,91,250,254,254,254,254,225,233,246,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,119,247,232,254,254,235,151,35,20,177,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,231,254,254,254,159,2,0,0,16,254,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,254,254,254,161,1,0,0,33,221,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,213,254,254,254,5,0,117,244,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,216,254,254,181,28,175,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,174,254,254,208,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,141,254,254,254,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,251,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,254,254,254,243,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,131,254,254,240,206,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,254,254,241,36,20,201,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,170,254,254,254,67,0,0,106,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,242,98,2,0,0,5,195,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,220,36,1,0,0,0,78,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,254,254,254,191,190,190,190,208,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,254,254,254,254,227,154,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,242,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,245,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,242,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,34,116,143,206,253,253,186,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,246,252,252,252,253,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,243,252,252,252,252,240,153,153,162,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,239,148,24,9,0,0,1,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,245,34,0,0,0,0,0,0,13,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,250,116,0,0,0,0,0,56,210,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,245,252,249,117,2,0,8,146,242,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,201,252,252,119,59,223,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,189,252,252,253,252,252,154,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,224,252,253,252,209,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,210,253,253,255,253,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,246,252,252,252,139,232,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,252,161,0,31,217,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,212,20,0,0,96,251,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,104,0,0,0,0,218,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,237,43,0,0,0,0,171,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,229,37,10,12,12,146,251,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,252,222,240,253,252,252,252,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,252,252,253,252,252,212,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,52,176,252,253,223,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,127,209,216,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,95,215,247,253,242,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,146,217,253,254,253,198,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,253,253,154,34,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,237,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,223,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,227,253,247,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,253,176,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,94,229,238,251,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,81,253,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,132,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,142,253,254,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,234,240,253,253,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,200,253,237,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,64,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,128,128,64,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,64,128,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,96,96,96,155,253,173,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,154,220,180,161,161,181,236,236,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,110,0,0,0,0,0,127,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,251,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,191,190,190,51,12,12,52,221,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,126,126,220,251,251,173,174,251,251,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,188,204,251,253,251,251,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,251,253,251,251,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,159,170,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,197,251,184,62,0,8,157,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,188,15,0,0,0,127,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,223,15,0,0,0,0,127,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,121,0,0,0,0,20,205,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,194,255,63,0,0,0,36,115,253,229,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,253,82,0,20,20,214,251,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,236,127,205,205,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,251,251,251,251,229,69,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,94,173,211,94,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,140,254,214,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,253,253,245,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,216,254,237,112,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,249,253,175,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,250,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,234,254,106,0,0,0,0,0,139,225,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,209,253,123,8,0,0,0,0,93,249,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,254,187,9,0,0,0,0,39,247,253,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,195,18,0,0,0,0,38,213,253,253,245,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,110,0,0,0,0,90,244,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,50,0,0,0,90,255,252,251,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,72,32,97,156,249,242,167,227,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,239,253,253,253,208,55,112,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,214,225,126,91,2,9,216,253,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,9,0,0,0,41,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,236,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,251,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,121,121,220,254,254,247,121,122,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,253,253,253,253,253,253,254,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,253,253,253,253,253,253,253,254,253,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,253,253,253,254,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,233,232,186,158,53,53,130,186,254,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,45,0,0,0,0,3,125,254,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,254,253,238,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,214,253,254,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,110,253,253,254,191,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,213,254,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,209,253,253,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,207,253,253,253,191,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,245,73,0,0,0,0,26,81,109,123,30,0,0,0,0,0,0,0,0,0,0,0,0,111,217,253,253,243,96,0,0,0,64,117,217,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,243,187,187,187,188,250,253,253,253,253,195,59,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,255,253,253,240,213,114,25,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,255,253,179,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,241,113,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,175,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,255,254,224,158,158,94,63,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,254,254,254,254,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,254,254,254,254,254,254,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,180,4,4,95,101,129,124,196,212,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,60,0,0,0,0,0,0,0,11,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,173,16,17,51,25,25,50,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,238,241,254,254,254,254,212,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,254,254,254,254,254,254,253,213,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,185,239,232,179,53,48,84,189,203,249,217,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,217,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,249,0,0,0,0,0,0,0,0,0,0,0,0,0,84,209,35,0,0,0,0,0,0,0,0,17,94,251,249,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,227,164,102,94,5,5,9,102,153,220,254,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,254,254,254,254,254,254,219,254,254,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,74,156,220,235,254,254,254,254,153,32,97,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,217,254,123,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,252,252,237,86,85,85,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,246,197,135,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,253,252,252,252,252,253,252,252,252,252,253,224,53,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,252,252,253,252,252,236,189,253,252,227,47,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,196,0,0,0,0,0,0,0,192,253,253,225,0,0,0,0,0,0,0,0,0,0,0,19,181,252,253,223,52,0,0,0,0,0,0,0,12,228,252,223,0,0,0,0,0,0,0,0,0,0,0,88,252,252,253,58,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,0,0,197,252,252,178,9,0,0,0,0,0,0,0,0,76,243,252,223,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,0,0,113,252,252,145,0,0,0,0,0,0,0,0,0,0,86,253,253,190,0,0,0,0,0,0,0,0,0,63,255,253,228,47,0,0,0,0,0,0,0,0,0,0,210,252,252,112,0,0,0,0,0,0,0,0,26,240,253,223,52,0,0,0,0,0,0,0,0,0,0,89,246,252,230,25,0,0,0,0,0,0,0,45,156,252,228,52,0,0,0,0,0,0,0,0,0,0,0,113,252,252,223,0,0,0,0,0,0,0,10,203,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,223,0,0,0,0,0,0,63,178,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,225,0,0,0,0,13,113,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,243,252,233,85,48,76,85,181,252,253,223,136,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,229,246,252,252,252,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,246,252,252,253,252,252,249,145,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,205,252,253,252,141,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,249,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,243,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,200,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,247,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,251,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,217,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,241,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,253,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,213,252,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,193,253,252,252,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,249,252,253,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,205,247,248,206,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,236,252,253,236,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,237,252,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,252,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,221,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,104,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,234,252,220,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,115,189,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,182,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,247,239,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,249,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,249,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,248,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,182,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,239,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,194,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,106,231,254,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,250,253,253,253,242,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,246,253,253,253,249,137,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,250,253,174,145,231,252,232,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,152,254,253,164,4,0,0,160,253,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,139,253,254,115,10,0,0,0,35,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,150,253,253,70,7,0,0,0,0,7,210,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,240,161,0,0,0,0,0,0,31,253,240,27,0,0,0,0,0,0,0,0,0,0,0,0,0,100,248,253,142,0,0,0,0,0,0,0,122,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,253,186,37,0,0,0,0,0,0,0,170,234,51,0,0,0,0,0,0,0,0,0,0,0,0,28,216,254,253,87,0,0,0,0,0,0,8,159,255,195,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,88,0,0,0,0,0,0,6,155,253,246,30,0,0,0,0,0,0,0,0,0,0,0,0,127,252,253,136,4,0,0,0,0,0,0,66,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,35,233,253,200,3,0,0,0,0,0,16,110,249,249,106,1,0,0,0,0,0,0,0,0,0,0,0,0,139,253,249,107,0,0,0,0,0,56,194,253,239,69,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,253,192,0,0,0,0,0,126,254,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,121,0,0,64,122,204,251,255,168,89,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,202,155,155,245,253,253,234,100,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,253,253,253,253,253,240,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,253,253,253,147,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,107,227,254,254,254,174,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,253,253,189,143,105,185,243,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,220,155,5,0,0,2,167,248,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,38,0,0,0,0,0,9,172,217,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,93,0,0,0,0,0,0,42,229,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,244,229,48,0,0,0,0,0,0,80,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,245,230,78,0,0,0,44,179,48,232,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,251,163,34,0,60,253,139,130,249,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,168,253,242,193,132,253,183,49,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,42,202,224,253,253,252,171,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,49,181,253,131,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,39,207,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,29,179,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,29,179,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,52,245,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,86,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,207,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,254,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,239,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,220,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,13,97,222,253,253,244,65,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,212,252,252,252,252,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,236,253,252,252,195,183,253,252,252,196,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,159,252,252,45,0,46,119,227,252,232,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,138,252,189,4,0,0,0,48,232,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,122,0,0,0,0,0,85,251,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,244,56,0,0,0,0,0,0,230,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,215,247,98,0,0,0,0,0,0,0,199,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,116,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,168,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,38,233,243,53,0,0,0,0,0,0,0,0,231,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,137,0,0,0,0,0,0,0,0,0,230,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,106,0,0,0,0,0,0,0,0,100,246,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,22,0,0,0,0,0,0,0,57,244,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,210,12,0,0,0,0,0,0,22,205,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,86,0,0,0,0,0,13,170,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,211,26,17,0,81,109,212,252,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,222,209,184,240,252,253,240,151,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,253,252,252,210,242,203,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,179,253,252,168,85,137,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,202,254,255,209,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,231,132,28,84,220,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,39,0,0,0,120,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,229,18,0,0,0,29,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,8,0,0,0,29,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,205,189,174,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,223,188,189,198,254,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,15,0,0,5,31,149,208,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,241,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,248,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,212,135,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,159,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,250,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,255,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,249,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,208,38,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,79,199,157,15,0,0,0,0,3,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,231,42,0,0,0,0,44,221,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,195,254,189,0,0,0,0,3,175,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,132,0,0,0,0,55,254,230,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,242,32,0,0,0,0,96,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,217,0,0,0,0,39,247,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,151,0,0,0,0,60,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,229,8,0,0,0,134,254,227,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,161,0,0,7,152,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,254,249,209,209,217,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,162,230,254,254,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,50,52,104,254,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,218,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,239,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,132,255,253,236,132,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,71,191,252,253,252,252,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,252,252,252,253,252,252,252,252,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,253,252,252,252,252,252,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,194,72,72,98,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,100,180,128,3,0,0,37,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,179,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,243,252,252,221,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,247,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,253,253,253,216,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,247,253,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,243,252,253,252,252,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,241,252,252,253,252,252,252,232,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,96,239,252,252,252,253,252,252,252,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,11,153,235,252,252,252,252,252,253,252,252,252,252,231,62,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,252,252,253,252,252,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,252,252,252,252,253,243,155,155,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,252,252,252,252,205,143,24,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,252,252,154,86,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,255,253,253,253,255,253,253,170,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,253,252,252,252,253,252,252,252,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,252,252,253,252,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,253,252,252,252,253,252,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,179,179,35,35,35,159,253,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,37,140,221,253,252,252,252,175,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,253,253,253,255,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,252,252,252,253,252,252,252,238,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,252,252,252,253,252,252,252,253,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,252,191,232,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,32,109,47,0,0,182,253,255,222,125,0,0,73,253,253,255,253,72,0,0,0,0,0,0,0,0,0,0,197,252,232,42,0,46,179,180,45,0,0,32,207,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,196,252,252,221,57,37,37,37,37,37,120,212,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,31,211,252,252,252,252,252,253,252,252,252,253,252,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,255,253,253,253,255,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,252,252,252,253,252,252,252,253,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,11,71,133,226,252,252,253,252,252,252,253,252,205,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,108,108,253,252,252,252,108,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,162,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,175,254,254,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,173,156,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,251,180,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,251,224,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,251,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,227,23,0,0,0,0,0,0,0,0,10,73,73,69,0,0,0,0,0,0,0,0,0,0,0,31,246,254,55,0,0,0,0,0,0,0,0,45,157,254,254,252,193,32,0,0,0,0,0,0,0,0,0,216,254,230,20,0,0,0,0,0,0,13,83,233,254,254,254,254,254,124,0,0,0,0,0,0,0,0,0,249,254,149,0,0,0,0,0,0,13,95,254,246,202,202,138,254,254,124,0,0,0,0,0,0,0,0,87,253,254,127,0,0,0,0,0,12,162,254,246,109,0,0,20,254,254,124,0,0,0,0,0,0,0,0,125,254,254,19,0,0,0,0,0,87,254,246,109,0,0,0,108,254,250,41,0,0,0,0,0,0,0,0,45,251,254,36,0,0,0,0,47,234,254,185,0,0,5,115,218,253,148,0,0,0,0,0,0,0,0,0,0,249,254,214,29,0,0,0,73,254,248,64,5,47,170,255,254,228,0,0,0,0,0,0,0,0,0,0,0,239,254,254,214,151,40,4,150,254,200,47,169,254,254,255,233,45,0,0,0,0,0,0,0,0,0,0,0,52,241,254,254,254,254,163,232,254,254,254,254,254,253,160,45,0,0,0,0,0,0,0,0,0,0,0,0,0,52,171,250,254,254,254,254,254,254,254,250,160,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,124,124,124,228,254,224,124,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,133,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,228,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,246,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,178,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,226,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,217,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,249,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,248,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,249,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,232,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,221,212,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,238,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,240,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,239,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,254,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,240,142,44,44,82,163,251,124,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,179,9,0,0,0,0,179,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,0,0,0,0,0,105,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,223,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,240,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,193,253,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,216,194,128,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,204,104,128,206,253,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,128,49,21,0,0,3,105,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,239,204,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,229,246,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,122,243,244,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,216,253,213,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,221,253,217,146,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,97,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,255,253,253,211,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,130,236,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,252,252,253,208,202,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,233,252,252,252,210,46,17,13,88,244,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,252,252,116,12,0,0,0,0,178,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,253,69,0,11,0,15,55,44,55,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,186,161,203,162,219,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,252,252,252,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,192,253,252,252,252,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,137,137,43,22,96,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,234,90,7,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,211,229,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,96,221,252,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,216,156,112,59,27,23,82,148,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,253,254,253,253,232,229,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,235,174,199,222,192,175,129,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,195,0,6,12,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,196,28,59,112,119,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,222,217,253,253,253,245,131,50,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,254,253,228,159,115,193,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,129,13,0,0,5,72,241,250,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,96,9,0,0,0,0,0,71,245,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,98,0,0,0,0,0,0,0,0,152,254,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,226,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,165,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,6,0,0,0,0,0,0,0,135,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,204,60,0,0,0,0,0,0,173,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,226,60,0,0,0,0,0,0,135,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,235,117,9,0,0,0,0,26,207,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,211,101,0,0,25,172,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,72,226,253,253,235,234,240,253,237,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,230,254,253,253,200,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,108,122,163,178,171,184,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,198,253,253,253,253,255,253,181,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,245,96,39,40,200,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,158,124,47,0,0,0,23,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,248,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,248,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,208,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,70,94,94,94,164,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,194,235,243,253,253,253,253,254,237,165,81,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,220,253,253,253,253,253,253,253,254,253,253,253,212,158,11,25,40,68,0,0,0,0,0,0,0,0,0,135,253,253,253,253,253,253,222,199,201,199,199,199,242,239,198,211,223,128,0,0,0,0,0,0,0,0,84,249,253,140,225,253,253,213,34,0,0,0,0,0,63,80,80,80,75,0,0,0,0,0,0,0,0,0,191,253,253,253,253,247,205,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,240,240,204,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,59,132,248,255,253,161,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,145,232,252,252,252,253,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,225,252,252,252,252,252,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,252,252,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,252,252,253,252,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,233,252,252,252,252,252,252,253,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,252,252,253,252,252,252,241,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,252,252,252,252,252,252,253,252,252,252,252,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,252,252,252,252,252,253,252,252,252,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,11,11,11,11,11,69,23,131,212,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,213,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,244,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,184,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,61,0,0,0,0,0,0,0,0,0,0,178,223,12,0,0,0,0,0,0,0,0,0,0,0,0,144,253,142,0,0,0,0,0,0,0,0,0,28,232,216,10,0,0,0,0,0,0,0,0,0,0,0,0,234,253,128,0,0,0,0,0,0,0,0,0,89,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,83,0,0,0,0,0,0,0,0,0,156,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,0,0,0,0,0,0,0,231,233,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,155,0,0,0,0,0,0,0,0,0,61,255,234,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,73,0,0,0,0,0,0,0,0,0,98,254,188,0,0,0,0,0,0,0,0,0,0,0,0,88,253,237,36,0,0,0,0,0,0,0,0,0,165,254,68,0,0,0,0,0,0,0,0,0,0,0,0,9,196,253,126,40,24,40,9,24,0,0,0,52,248,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,18,238,253,254,230,253,208,230,196,195,195,226,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,99,98,68,0,0,0,0,0,235,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,250,245,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,71,252,252,240,255,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,154,237,238,212,88,120,253,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,128,229,212,101,46,3,68,225,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,195,242,154,15,27,124,192,253,185,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,251,203,83,63,125,224,253,208,96,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,250,198,13,0,128,253,164,95,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,230,151,6,0,0,3,11,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,224,164,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,195,252,129,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,200,253,153,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,100,253,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,209,250,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,186,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,145,0,0,0,0,7,151,253,167,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,51,0,0,44,206,253,167,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,135,228,219,163,236,244,79,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,106,176,203,135,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,152,152,254,172,152,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,253,252,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,253,254,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,70,50,50,71,192,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,163,0,0,0,0,0,193,253,254,253,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,71,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,234,112,41,21,31,51,214,253,254,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,253,252,243,223,233,252,253,252,151,232,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,253,254,253,254,172,0,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,112,151,151,151,131,10,0,203,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,131,212,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,255,186,107,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,242,253,253,242,197,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,10,99,224,253,252,244,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,108,252,253,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,222,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,235,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,239,248,85,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,236,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,154,238,253,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,138,215,253,224,166,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,207,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,250,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,243,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,189,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,105,233,230,57,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,192,253,229,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,247,149,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,114,192,193,148,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,221,252,252,253,252,221,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,252,252,253,252,252,247,188,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,252,252,199,128,184,252,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,244,77,7,0,85,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,253,127,0,0,0,85,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,126,0,0,0,85,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,252,180,22,22,128,213,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,252,252,252,253,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,253,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,141,229,211,211,237,253,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,148,252,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,191,147,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,32,116,224,248,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,253,254,253,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,253,253,253,254,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,254,253,144,49,230,253,253,247,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,242,254,241,85,0,0,37,231,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,253,253,144,0,0,0,7,213,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,235,12,0,0,0,0,195,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,151,0,0,0,0,0,195,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,249,42,0,0,0,0,0,196,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,194,0,0,0,0,0,0,195,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,152,0,0,0,0,0,17,244,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,253,45,0,0,0,0,0,92,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,254,39,0,0,0,0,0,176,254,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,253,39,0,0,0,0,49,236,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,253,39,0,0,0,50,208,254,253,239,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,229,15,0,0,13,196,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,69,0,44,194,254,254,255,142,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,222,195,236,253,253,253,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,254,253,253,168,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,217,253,254,217,115,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,132,132,248,255,253,253,172,47,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,252,253,252,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,223,216,216,158,96,164,221,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,16,0,0,0,0,0,12,173,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,164,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,166,239,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,166,242,252,252,252,236,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,252,253,252,252,252,252,249,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,241,248,242,241,241,241,250,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,57,0,0,0,0,112,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,229,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,229,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,193,230,252,114,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,85,85,85,136,205,253,252,240,88,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,252,252,252,252,252,253,185,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,252,252,252,252,252,200,24,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,212,252,217,131,86,11,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,56,105,155,195,155,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,58,173,254,254,254,254,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,183,254,254,254,254,234,189,189,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,134,241,254,254,239,134,46,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,183,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,253,254,249,141,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,223,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,253,254,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,254,249,99,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,167,254,254,237,106,11,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,254,254,254,254,145,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,254,254,254,254,212,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,241,85,85,85,150,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,145,0,0,0,51,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,134,0,0,0,172,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,134,0,5,141,253,254,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,224,190,198,254,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,254,254,254,254,230,96,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,202,254,203,154,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,192,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,212,252,77,0,0,0,0,11,13,13,13,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,211,4,19,19,114,83,233,254,254,254,255,151,7,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,236,170,254,254,254,254,254,254,254,254,232,174,5,0,0,0,0,0,0,0,0,0,0,0,0,4,168,254,254,254,232,223,223,223,123,99,99,99,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,212,175,131,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,185,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,254,184,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,86,233,241,99,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,233,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,183,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,242,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,186,254,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,187,254,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,189,254,234,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,50,67,191,254,180,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,248,250,254,179,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,139,181,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,31,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,162,33,27,93,140,176,224,254,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,93,217,254,254,254,254,254,247,242,242,161,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,254,254,254,251,165,135,71,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,167,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,182,254,254,151,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,241,141,40,100,114,186,197,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,202,244,254,254,226,221,240,241,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,242,254,254,254,223,77,8,0,103,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,109,129,91,46,9,0,0,0,11,234,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,243,197,3,0,0,0,0,0,0,0,0,0,0,0,0,20,34,0,0,0,0,0,0,0,0,0,0,131,254,115,0,0,0,0,0,0,0,0,0,0,0,0,69,210,233,0,0,0,0,0,0,0,0,0,32,196,240,25,0,0,0,0,0,0,0,0,0,0,0,0,247,254,194,0,0,0,0,0,0,0,0,50,233,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,136,0,0,0,0,0,0,0,115,245,254,148,17,0,0,0,0,0,0,0,0,0,0,0,0,0,89,221,26,0,0,0,0,33,84,168,252,217,66,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,242,159,159,159,196,248,254,254,148,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,175,175,175,175,175,136,80,8,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,23,134,122,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,187,253,253,254,253,238,123,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,156,253,253,253,253,254,253,253,253,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,190,253,253,253,253,253,254,249,235,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,224,224,130,65,45,164,253,164,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,144,32,32,0,0,0,49,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,143,7,0,0,0,0,0,49,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,225,30,0,0,0,0,0,0,49,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,71,0,0,0,0,0,0,0,158,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,132,32,0,0,0,0,0,0,0,169,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,238,253,253,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,253,253,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,131,192,131,131,37,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,137,212,254,254,254,254,254,162,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,157,254,243,236,236,236,250,254,254,219,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,244,254,93,0,0,0,78,206,254,254,167,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,175,82,0,0,0,0,27,205,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,177,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,254,135,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,193,193,169,69,19,0,0,0,22,227,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,233,254,254,254,254,214,106,75,15,0,218,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,243,173,229,254,254,254,254,175,14,218,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,217,0,30,43,134,233,254,254,219,248,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,249,74,0,0,0,62,188,254,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,254,213,32,0,0,0,9,131,238,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,255,132,0,0,0,32,107,230,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,214,254,251,209,113,146,242,254,254,254,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,254,254,254,254,254,254,254,108,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,91,218,255,160,130,91,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,125,164,254,254,224,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,235,250,253,253,253,253,253,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,112,243,253,253,253,253,253,253,253,253,251,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,253,253,253,253,253,253,253,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,253,253,253,253,223,155,155,178,253,253,229,35,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,173,51,22,0,0,59,253,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,39,249,253,253,127,5,0,0,0,0,9,193,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,175,54,5,0,0,0,0,0,49,241,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,65,72,72,72,72,54,59,253,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,123,225,248,253,253,253,253,238,209,253,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,253,253,253,253,253,253,253,253,253,245,109,55,0,0,0,0,0,0,0,0,0,0,0,90,252,253,253,253,253,253,253,253,253,253,253,253,253,253,253,248,183,183,116,0,0,0,0,0,0,0,0,215,253,253,253,253,237,223,253,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,167,253,253,237,97,54,29,156,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,109,253,253,162,21,29,143,237,253,253,253,246,130,111,220,224,253,253,253,236,0,0,0,0,0,0,0,0,0,234,253,253,216,241,253,253,253,253,247,114,0,0,0,10,97,97,97,47,0,0,0,0,0,0,0,0,0,118,253,253,253,253,253,253,253,248,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,249,247,247,206,117,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,118,165,255,254,240,118,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,159,234,244,253,253,253,253,253,253,244,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,253,253,253,253,253,253,253,253,253,253,253,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,228,198,198,138,61,61,61,61,139,225,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,25,64,45,0,0,0,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,201,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,210,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,192,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,253,253,217,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,198,253,252,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,183,253,253,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,230,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,243,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,253,253,148,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,223,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,184,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,182,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,211,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,212,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,194,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,212,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,199,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,247,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,154,170,254,254,254,254,170,154,106,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,240,253,253,253,253,253,253,253,253,253,253,240,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,206,173,89,89,89,89,173,188,246,253,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,172,10,0,0,0,0,0,0,0,80,211,254,206,5,0,0,0,0,0,0,0,0,0,0,0,0,15,201,24,0,0,0,0,0,0,0,0,0,80,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,8,3,0,0,0,0,0,0,0,0,0,8,236,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,248,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,146,253,204,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,240,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,144,253,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,137,253,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,145,253,237,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,137,253,247,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,162,248,227,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,186,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,65,186,248,253,152,8,0,0,0,0,0,57,148,234,88,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,253,188,15,0,0,0,0,61,139,235,254,151,3,0,0,0,0,0,0,0,0,0,0,20,135,252,253,253,129,65,145,145,145,168,244,251,254,190,56,3,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,232,253,253,253,253,253,253,159,54,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,80,76,244,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,207,254,254,254,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,208,94,0,0,0,3,111,40,1,0,0,0,0,0,0,0,0,0,0,0,0,0,4,213,254,254,254,254,180,81,0,0,19,117,254,254,169,3,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,254,239,236,95,0,0,132,218,242,254,254,131,2,0,0,0,0,0,0,0,0,0,0,0,0,115,201,247,254,229,223,124,7,136,253,254,171,107,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,44,39,67,249,254,254,254,213,254,254,254,236,113,178,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,254,254,254,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,171,226,254,254,254,254,146,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,185,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,232,177,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,226,254,254,254,254,201,154,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,254,171,123,168,244,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,129,34,122,197,231,116,188,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,141,0,5,96,252,100,59,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,238,38,128,222,255,182,178,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,252,221,254,236,254,254,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,242,254,254,254,254,254,254,242,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,238,254,254,254,254,208,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,199,231,146,136,13,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,255,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,232,18,0,0,0,96,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,191,0,0,0,8,249,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,107,0,0,0,10,235,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,159,238,33,0,0,0,121,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,78,0,0,0,0,205,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,161,0,0,0,0,13,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,238,61,0,0,0,0,120,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,226,65,126,146,146,100,234,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,254,254,254,193,177,246,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,165,87,80,4,1,0,147,254,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,199,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,232,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,216,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,203,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,244,243,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,182,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,173,172,152,152,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,213,252,253,252,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,244,203,142,102,102,102,0,204,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,70,40,0,0,0,0,0,0,203,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,122,240,216,216,193,75,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,140,140,231,254,254,242,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,210,254,254,238,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,204,254,254,235,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,232,254,254,142,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,164,254,254,249,170,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,44,221,254,254,196,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,152,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,254,249,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,254,223,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,247,254,240,126,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,89,238,254,255,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,138,207,104,140,251,254,254,201,126,43,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,254,254,254,189,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,196,254,254,254,230,177,76,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,220,95,38,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,199,172,172,109,24,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,243,249,243,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,246,22,47,23,76,233,241,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,109,0,0,0,0,205,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,47,0,0,0,80,244,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,166,246,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,125,239,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,254,244,37,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,117,148,253,150,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,228,223,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,105,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,173,14,0,0,0,0,0,0,189,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,185,28,0,0,0,0,0,4,203,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,204,225,88,18,5,0,0,65,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,205,250,242,239,158,156,220,215,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,125,198,222,254,254,195,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,59,217,171,156,156,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,147,235,253,254,253,253,253,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,102,241,253,253,253,254,186,174,247,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,253,253,201,79,19,3,0,86,244,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,245,88,5,0,0,0,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,253,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,226,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,217,253,253,245,77,77,77,77,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,253,254,253,222,245,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,255,254,193,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,253,253,254,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,253,192,78,226,253,211,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,216,5,0,62,211,253,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,213,0,0,0,138,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,214,0,0,0,0,212,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,253,247,177,58,20,14,144,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,254,253,229,247,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,235,253,254,253,253,253,237,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,133,216,253,185,140,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,121,121,190,255,197,121,121,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,219,240,240,248,252,252,252,253,252,252,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,252,252,252,252,253,252,252,252,210,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,252,252,252,252,253,252,252,252,252,223,122,30,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,209,53,67,220,185,123,53,53,74,224,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,210,17,0,35,0,0,0,20,187,252,241,177,24,0,0,0,0,0,0,0,0,0,0,0,0,0,110,222,252,176,36,0,0,0,17,189,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,231,252,242,82,0,0,191,252,252,195,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,197,247,246,146,77,247,252,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,252,202,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,203,253,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,252,253,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,209,110,199,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,233,248,88,0,107,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,140,0,0,205,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,128,111,174,248,188,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,252,253,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,252,253,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,181,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,67,91,160,164,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,209,226,226,239,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,80,216,209,198,150,150,136,56,115,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,238,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,244,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,227,32,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,164,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,255,254,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,150,169,254,255,254,208,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,145,239,253,210,198,199,198,226,251,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,230,254,167,49,8,0,0,0,18,161,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,54,4,0,0,0,0,0,0,116,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,188,0,0,0,0,0,0,0,0,167,188,27,39,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,189,0,0,0,0,0,0,0,0,0,59,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,53,0,0,0,0,0,0,0,0,175,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,179,3,0,0,0,0,0,0,62,243,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,119,254,131,3,0,0,0,0,0,147,253,190,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,247,178,52,0,0,0,59,238,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,254,189,163,247,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,89,173,234,221,245,242,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,23,222,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,232,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,128,128,128,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,221,96,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,187,245,244,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,242,119,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,203,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,200,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,227,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,13,23,23,171,255,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,128,196,215,253,253,253,247,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,176,253,253,253,233,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,174,45,71,253,253,244,254,248,232,117,12,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,117,84,245,253,187,13,114,240,253,253,253,176,155,80,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,187,17,0,0,46,66,124,176,203,250,98,0,0,0,0,0,0,0,0,0,0,0,0,57,152,253,215,90,13,0,0,0,0,0,0,0,12,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,225,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,229,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,178,179,0,0,0,0,0,0,213,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,244,74,0,0,0,0,0,142,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,252,222,24,0,0,0,0,20,221,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,243,108,0,0,0,0,0,115,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,238,252,198,0,0,0,0,0,0,226,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,198,0,0,8,14,14,70,241,252,252,69,7,5,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,198,0,85,202,252,253,252,252,252,252,189,189,93,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,253,253,253,255,253,253,253,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,252,252,252,252,146,190,252,252,132,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,59,158,233,252,188,144,26,26,0,156,252,180,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,39,13,0,0,0,102,250,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,56,136,155,201,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,227,254,254,254,254,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,195,254,254,254,254,254,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,217,253,117,122,236,68,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,238,254,254,197,81,16,0,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,199,109,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,250,130,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,254,209,136,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,152,254,254,254,254,253,187,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,50,238,253,254,254,254,252,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,133,175,218,245,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,85,250,215,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,80,26,36,36,1,0,9,42,163,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,247,237,254,254,191,190,205,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,254,254,254,254,254,254,254,205,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,67,82,243,215,254,254,254,170,88,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,130,219,254,254,157,91,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,214,253,253,253,253,253,253,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,240,146,111,111,147,250,253,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,213,253,215,33,0,0,0,0,85,228,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,230,34,0,0,0,0,0,0,211,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,137,0,0,0,0,0,0,0,211,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,114,0,0,0,0,0,0,0,129,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,216,0,0,0,0,0,0,0,172,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,242,62,0,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,229,253,209,102,63,63,96,186,186,242,253,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,253,253,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,74,179,215,179,233,233,179,79,124,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,36,36,0,0,88,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,138,32,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,119,253,151,32,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,213,106,80,0,0,0,138,253,212,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,253,249,236,236,236,250,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,158,253,253,253,253,253,253,210,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,97,129,226,192,150,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,121,190,255,197,121,121,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,200,252,252,252,253,252,252,252,242,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,197,252,252,252,252,253,252,168,237,252,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,252,252,139,39,39,4,33,75,214,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,214,252,252,245,108,25,0,0,0,0,18,193,200,200,120,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,225,0,0,0,0,20,96,204,252,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,245,120,0,0,20,167,202,252,252,252,252,212,33,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,128,0,2,98,204,252,252,252,252,246,133,34,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,88,28,152,252,253,252,252,252,206,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,252,252,252,253,252,252,139,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,253,253,253,255,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,252,252,252,252,252,252,83,13,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,222,252,252,252,252,252,190,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,252,252,252,239,158,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,252,252,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,242,252,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,252,252,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,249,252,252,252,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,238,242,242,248,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,31,152,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,131,179,245,246,179,175,92,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,245,253,253,253,201,253,253,253,227,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,192,19,15,15,2,15,41,137,247,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,46,0,0,0,0,0,0,0,79,241,239,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,89,0,0,0,15,60,60,104,0,0,0,0,0,0,0,0,0,0,0,0,80,165,226,239,226,230,245,253,244,239,239,240,242,253,253,244,0,0,0,0,0,0,0,0,0,0,3,159,246,254,253,253,253,253,254,253,250,208,208,209,190,133,99,25,0,0,0,0,0,0,0,0,0,0,33,236,122,74,30,30,30,30,188,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,48,0,0,0,0,0,180,247,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,255,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,114,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,255,246,128,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,254,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,155,230,247,254,161,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,170,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,179,254,254,230,145,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,206,254,254,254,237,254,254,235,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,237,80,159,226,29,71,105,180,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,245,44,0,172,105,0,0,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,46,0,96,200,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,46,34,213,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,216,241,114,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,209,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,179,106,106,107,106,106,132,211,150,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,162,253,253,212,225,253,253,174,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,63,63,0,21,107,63,82,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,190,252,115,0,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,223,252,252,168,211,246,211,211,107,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,212,131,53,0,0,62,141,232,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,210,141,63,0,0,0,0,0,0,0,41,224,156,0,0,0,0,0,0,0,0,0,0,0,0,0,12,21,11,0,0,0,0,0,0,0,0,0,2,176,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,249,226,42,0,0,0,0,0,0,0,0,0,0,66,253,253,36,0,0,0,0,0,0,0,0,36,210,253,223,80,0,0,0,0,0,0,0,0,0,0,0,6,133,239,243,155,43,0,0,0,64,94,190,242,253,189,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,83,126,223,232,232,233,247,251,231,143,65,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,84,84,145,153,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,136,147,254,255,163,37,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,132,242,253,253,253,253,253,253,163,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,253,253,253,248,209,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,216,59,11,65,155,242,253,250,175,25,0,0,0,0,0,0,0,0,0,0,0,0,0,71,238,253,253,216,29,0,0,0,0,84,204,253,253,201,25,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,216,30,0,0,0,0,0,0,66,251,253,253,175,0,0,0,0,0,0,0,0,0,0,0,76,249,253,253,107,0,0,0,0,0,0,0,0,77,251,253,251,148,17,0,0,0,0,0,0,0,0,0,136,253,253,202,21,0,0,0,0,0,0,0,0,0,79,245,253,253,55,2,0,0,0,0,0,0,0,0,136,253,253,65,0,0,0,0,0,0,0,0,0,0,0,84,242,253,253,92,0,0,0,0,0,0,0,0,164,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,135,0,0,0,0,0,0,0,0,163,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,171,0,0,0,0,0,0,0,0,136,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,11,209,253,253,0,0,0,0,0,0,0,0,136,253,253,214,21,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,0,0,0,0,0,0,0,0,11,202,253,253,52,0,0,0,0,0,0,0,0,0,0,0,4,204,253,192,0,0,0,0,0,0,0,0,0,140,253,253,216,86,0,0,0,0,0,0,0,0,0,0,66,253,253,135,0,0,0,0,0,0,0,0,0,29,216,253,253,216,163,21,0,0,0,0,0,0,0,32,155,253,253,58,0,0,0,0,0,0,0,0,0,0,40,237,253,253,253,214,164,66,66,66,66,66,66,188,253,253,180,5,0,0,0,0,0,0,0,0,0,0,0,40,149,244,253,253,253,253,253,253,253,253,253,253,253,226,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,209,253,253,253,253,253,253,253,187,123,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,92,135,135,135,135,129,17,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,245,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,231,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,170,0,9,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,188,254,52,4,177,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,189,0,70,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,226,254,91,20,217,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,77,228,254,254,10,81,254,254,226,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,254,254,254,254,254,254,254,254,254,254,225,69,0,0,0,0,0,0,0,0,0,0,0,0,0,15,155,254,254,243,127,113,202,254,254,254,254,254,220,119,0,0,0,0,0,0,0,0,0,0,0,0,5,155,254,254,254,114,0,8,237,254,253,207,140,64,14,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,162,3,0,95,255,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,221,31,0,0,116,254,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,254,248,55,0,0,0,143,247,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,233,254,67,0,0,0,0,25,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,202,253,137,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,26,122,123,57,0,0,0,0,0,0,0,116,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,244,99,0,0,0,0,0,0,210,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,183,0,0,0,0,0,136,250,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,255,218,84,0,0,0,0,7,212,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,253,92,0,0,0,0,0,70,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,92,0,0,0,0,13,172,252,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,245,58,0,0,0,0,26,221,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,252,252,230,0,0,0,0,0,47,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,255,107,24,24,24,139,212,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,252,252,253,252,252,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,253,252,252,252,252,253,252,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,88,160,253,252,227,160,56,98,177,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,22,16,0,0,0,161,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,229,229,196,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,254,254,254,232,145,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,101,185,238,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,177,250,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,216,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,169,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,246,246,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,255,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,248,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,244,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,184,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,221,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,240,254,254,215,146,132,236,236,236,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,242,254,254,254,254,254,254,241,225,133,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,254,200,210,145,126,35,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,196,143,72,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,122,29,0,0,29,172,214,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,157,254,208,0,0,130,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,252,81,2,179,254,254,228,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,92,38,245,254,254,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,242,24,0,239,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,254,254,238,0,40,246,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,254,254,254,150,0,0,239,254,254,232,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,96,0,32,244,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,254,254,253,234,241,254,254,254,254,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,254,254,254,254,254,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,51,222,246,254,254,254,254,254,254,254,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,87,87,87,219,254,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,195,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,255,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,254,254,235,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,166,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,195,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,163,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,220,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,236,127,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,211,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,208,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,226,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,242,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,217,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,187,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,114,236,255,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,252,253,252,247,163,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,180,251,252,252,250,152,189,252,244,128,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,252,252,199,70,0,127,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,252,155,7,0,36,223,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,253,127,0,0,43,183,253,253,253,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,47,0,36,227,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,174,13,119,241,253,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,224,211,252,252,253,205,247,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,252,252,252,86,11,144,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,203,211,211,0,0,145,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,0,51,128,211,254,254,255,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,233,153,179,247,245,208,128,128,128,128,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,238,254,202,121,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,240,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,254,218,211,121,116,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,185,172,187,254,231,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,110,54,3,0,3,56,189,251,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,130,0,0,0,0,0,0,0,52,247,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,196,0,0,0,0,0,0,3,140,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,219,19,0,0,0,0,1,128,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,245,72,0,0,0,135,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,244,226,145,197,252,184,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,108,190,254,254,186,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,43,52,148,192,166,253,253,183,148,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,128,227,252,252,252,252,253,252,252,252,252,243,83,0,0,0,0,0,0,0,0,0,0,0,0,0,117,246,252,250,231,231,160,126,65,21,21,21,161,253,246,19,0,0,0,0,0,0,0,0,0,0,0,0,51,231,182,70,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,28,24,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,247,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,105,245,253,253,255,253,156,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,196,252,252,252,252,228,206,252,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,247,252,237,210,88,53,57,246,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,132,8,0,0,0,0,164,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,179,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,221,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,249,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,128,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,56,136,155,195,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,44,111,204,254,254,254,254,197,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,211,254,254,230,228,200,168,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,252,241,220,45,21,7,61,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,110,27,5,0,0,0,129,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,208,254,246,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,249,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,164,254,254,219,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,254,232,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,5,11,26,26,53,116,26,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,247,254,254,254,181,211,254,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,217,254,254,254,254,254,254,254,239,219,209,120,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,254,254,254,183,182,102,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,239,154,33,2,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,223,243,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,254,136,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,87,131,215,254,249,148,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,118,5,0,145,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,206,253,103,0,222,253,246,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,90,70,254,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,241,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,254,226,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,248,253,253,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,254,255,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,253,253,225,254,224,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,241,39,177,253,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,224,0,22,206,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,207,0,0,131,253,247,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,130,0,0,173,253,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,130,0,113,245,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,158,161,250,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,253,253,253,254,143,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,176,253,218,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,144,253,253,255,128,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,226,249,252,252,252,253,252,246,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,252,252,253,252,252,246,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,252,245,223,223,162,84,215,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,112,87,0,0,0,0,119,252,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,152,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,186,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,252,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,13,73,197,198,150,57,57,57,0,19,178,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,252,253,252,252,252,252,169,196,252,252,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,252,252,252,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,255,253,253,253,253,255,253,253,253,253,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,214,253,252,252,252,252,253,252,252,252,252,253,228,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,252,252,252,252,253,252,252,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,209,230,249,223,84,84,115,242,252,253,102,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,99,0,0,0,0,75,112,174,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,235,255,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,250,253,217,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,215,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,251,167,4,0,0,26,92,92,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,112,0,73,192,226,253,253,226,215,195,85,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,25,76,247,253,253,253,253,253,253,253,253,212,32,0,0,0,0,0,0,0,0,0,0,0,0,95,251,253,140,221,253,194,78,51,51,51,51,138,228,253,140,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,231,34,0,0,0,0,0,0,63,253,249,85,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,232,63,0,0,0,0,0,0,0,26,231,253,140,0,0,0,0,0,0,0,0,0,0,0,118,253,253,233,128,0,0,0,0,0,0,0,0,0,63,253,240,0,0,0,0,0,0,0,0,0,0,0,118,253,253,65,0,0,0,0,0,0,0,0,0,0,27,253,240,0,0,0,0,0,0,0,0,0,0,0,118,253,253,25,0,0,0,0,0,0,0,0,0,0,47,253,240,0,0,0,0,0,0,0,0,0,0,0,118,253,253,25,0,0,0,0,0,0,0,0,0,5,169,253,156,0,0,0,0,0,0,0,0,0,0,0,45,246,253,116,17,0,0,0,0,0,0,0,0,47,253,241,42,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,216,107,4,0,0,0,0,4,40,216,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,49,163,245,253,253,163,143,143,143,77,163,253,235,110,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,163,249,253,253,253,253,253,253,229,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,163,253,253,253,226,123,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,209,175,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,152,249,249,249,253,254,255,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,220,246,254,254,231,52,33,59,105,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,236,252,254,254,173,120,15,0,0,0,2,158,254,109,0,0,0,0,0,0,0,0,0,0,0,0,213,252,254,221,116,25,6,0,0,0,0,0,61,191,254,117,0,0,0,0,0,0,0,0,0,0,0,0,236,219,116,21,0,0,0,0,0,0,0,77,242,254,250,75,0,0,0,0,0,0,0,0,0,0,0,0,236,156,0,0,0,0,0,0,0,60,106,241,246,159,37,0,0,0,0,0,0,0,0,0,0,0,0,0,195,237,27,0,0,0,0,19,106,241,254,120,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,247,162,11,0,0,56,182,254,204,95,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,72,95,197,241,239,162,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,233,243,254,209,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,238,98,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,167,207,214,156,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,254,168,11,29,204,187,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,103,9,0,0,69,248,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,19,0,0,0,0,115,223,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,105,13,0,0,0,0,187,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,212,30,2,0,4,76,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,238,248,250,155,138,171,255,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,191,124,228,187,224,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,245,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,79,173,254,254,188,176,176,176,117,79,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,214,254,254,254,254,254,254,254,254,254,254,241,220,100,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,254,178,59,58,58,58,58,59,58,89,155,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,220,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,237,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,201,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,210,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,193,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,47,0,0,0,14,187,254,245,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,143,8,26,118,225,254,247,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,248,206,218,254,254,217,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,232,254,247,214,57,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,58,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,13,100,133,133,133,133,133,134,122,13,13,100,133,133,238,254,132,0,0,0,0,0,0,0,0,19,145,212,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,253,132,0,0,0,0,0,0,0,0,57,217,199,96,96,96,96,142,107,96,97,108,217,217,217,217,229,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,224,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,172,2,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,48,130,151,151,151,151,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,101,198,245,254,254,254,254,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,252,255,254,255,232,218,116,114,189,254,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,214,231,171,145,67,26,0,0,0,135,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,15,0,0,0,0,0,0,0,232,254,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,240,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,217,254,224,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,238,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,252,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,205,254,214,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,233,220,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,214,246,126,212,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,160,0,118,253,179,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,52,0,9,253,254,243,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,52,0,9,253,254,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,52,0,5,218,254,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,95,0,0,175,254,199,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,251,246,177,129,231,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,125,141,88,255,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,200,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,246,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,153,3,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,147,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,235,191,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,185,254,134,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,247,254,253,253,200,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,181,253,253,160,199,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,249,103,0,108,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,166,237,253,133,0,0,108,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,177,253,253,253,107,0,0,135,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,107,22,105,249,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,168,143,210,254,253,253,253,144,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,253,253,254,253,253,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,253,253,253,253,254,196,120,162,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,254,254,134,7,0,0,138,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,191,76,0,0,0,0,194,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,179,11,0,0,0,0,30,220,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,253,219,15,0,0,0,0,0,194,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,213,0,0,0,0,29,68,225,253,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,213,0,0,0,54,138,253,253,239,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,213,5,119,174,255,253,253,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,238,170,253,253,255,253,229,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,243,253,253,253,253,253,184,107,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,147,253,253,246,120,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,213,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,213,252,253,156,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,236,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,162,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,241,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,189,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,234,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,253,250,164,145,145,126,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,146,243,243,159,253,250,216,217,250,235,139,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,207,39,32,231,189,0,0,70,224,253,214,51,2,0,0,0,0,0,0,0,0,0,0,0,0,0,217,246,46,0,0,49,35,0,0,0,11,149,253,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,218,235,0,0,0,0,0,0,0,0,0,0,66,228,234,49,0,0,0,0,0,0,0,0,0,0,0,0,165,245,61,0,0,0,0,0,0,0,0,0,0,143,253,145,0,0,0,0,0,0,0,0,0,0,0,0,64,213,207,102,3,0,0,0,0,0,0,0,0,11,225,248,47,0,0,0,0,0,0,0,0,0,0,0,0,69,248,254,203,122,38,6,0,0,0,0,0,12,185,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,84,189,253,253,253,201,92,39,0,7,124,228,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,91,193,254,255,254,254,254,254,234,129,13,0,0,0,0,0,0,0,0,0,0,0,0,0,43,120,204,203,235,243,253,199,249,253,246,124,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,245,240,191,127,114,36,36,0,53,222,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,213,199,35,0,0,0,0,0,0,0,40,230,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,144,0,0,0,0,0,0,0,0,0,103,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,20,205,208,21,0,0,0,0,0,0,0,0,0,182,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,208,40,0,0,0,0,0,0,0,121,248,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,242,243,114,32,0,0,11,37,128,245,227,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,241,253,245,199,134,215,253,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,124,162,201,253,254,233,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,116,65,57,24,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,168,234,254,253,253,253,235,134,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,136,93,214,197,235,254,254,254,186,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,251,130,6,0,13,4,17,56,107,194,253,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,164,9,0,0,0,0,0,0,0,5,79,254,244,80,0,0,0,0,0,0,0,0,0,0,0,85,234,228,15,0,0,0,0,0,0,0,0,0,0,94,245,221,50,0,0,0,0,0,0,0,0,0,47,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,102,241,186,0,0,0,0,0,0,0,0,0,114,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,0,0,0,0,0,0,0,0,32,241,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,253,0,0,0,0,0,0,0,0,70,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,0,0,0,0,0,0,0,0,221,254,46,0,0,0,0,0,0,0,0,0,0,0,0,26,128,245,254,136,0,0,0,0,0,0,0,0,254,210,4,0,0,0,0,0,0,0,0,0,0,0,22,189,254,253,232,56,0,0,0,0,0,0,0,0,211,206,0,0,0,0,0,0,0,0,0,9,7,83,211,253,254,232,58,0,0,0,0,0,0,0,0,0,161,240,67,0,0,0,0,0,0,51,101,209,204,228,169,253,195,15,0,0,0,0,0,0,0,0,0,0,70,254,245,161,70,153,161,161,221,254,254,254,255,254,214,93,0,0,0,0,0,0,0,0,0,0,0,0,7,73,115,115,115,115,115,115,115,115,115,115,115,98,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,162,121,121,121,122,121,170,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,157,241,241,244,253,253,253,253,254,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,244,253,253,253,238,159,214,253,254,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,152,67,68,75,0,23,82,254,253,253,142,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,229,254,253,143,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,254,145,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,224,253,253,150,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,91,34,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,254,253,214,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,254,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,236,254,155,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,47,233,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,136,161,161,210,161,161,91,27,27,27,27,87,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,203,240,240,169,241,253,253,255,253,253,253,253,250,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,120,190,183,253,253,253,218,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,214,212,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,244,254,254,244,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,250,254,254,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,254,254,254,246,247,233,21,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,190,47,74,74,254,215,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,184,254,254,194,12,0,0,16,254,254,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,192,17,0,0,0,5,159,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,254,254,20,0,0,0,0,0,71,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,151,4,0,0,0,0,0,71,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,225,2,0,0,0,0,0,0,71,254,254,240,38,0,0,0,0,0,0,0,0,0,0,0,0,29,234,254,141,0,0,0,0,0,0,0,71,254,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,25,0,0,0,0,0,0,0,94,254,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,121,254,225,15,0,0,0,0,0,0,0,54,241,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,92,0,0,0,0,0,0,0,115,245,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,34,188,254,134,0,0,0,0,0,0,18,212,254,254,223,8,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,246,50,0,0,0,2,105,214,254,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,212,254,241,126,73,155,236,254,254,254,254,243,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,254,254,254,254,254,254,254,210,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,242,254,254,254,254,254,252,142,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,194,231,235,154,154,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,171,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,245,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,243,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,196,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,255,253,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,131,225,243,252,253,252,252,252,252,241,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,252,252,252,196,195,195,195,227,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,215,253,242,192,84,84,0,0,0,0,140,253,177,7,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,89,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,79,0,0,0,0,0,0,0,169,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,29,117,243,252,215,33,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,26,122,252,252,252,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,108,19,0,4,29,207,252,252,249,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,214,140,153,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,255,253,253,253,253,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,168,167,186,195,167,206,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,19,0,113,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,122,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,253,252,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,242,114,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,190,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,86,163,228,228,163,163,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,171,252,253,253,253,254,253,253,251,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,243,254,253,253,253,253,243,216,222,253,253,205,9,0,0,0,0,0,0,0,0,0,0,0,0,0,3,203,253,254,242,125,137,54,39,0,8,171,253,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,195,37,0,0,0,0,0,0,141,253,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,66,0,0,0,0,0,0,37,254,254,255,215,11,0,0,0,0,0,0,0,0,0,0,0,0,114,253,168,0,0,0,0,0,0,12,116,253,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,19,226,207,0,0,0,0,0,0,113,253,253,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,152,248,116,2,0,0,0,64,249,253,253,246,254,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,134,13,0,33,228,253,253,240,112,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,249,254,254,254,255,254,254,151,92,255,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,226,253,253,254,253,180,4,59,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,75,127,127,75,5,0,91,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,254,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,109,253,254,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,233,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,118,253,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,235,253,253,129,0,0,0,0,0,0,20,76,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,214,25,0,0,0,0,3,167,230,251,5,0,0,0,0,0,0,0,0,0,0,0,0,0,8,200,253,253,148,0,0,0,0,0,162,253,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,238,40,0,0,0,0,20,221,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,156,253,253,149,0,0,0,0,0,111,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,222,0,0,0,0,0,0,168,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,134,0,0,0,0,0,17,234,253,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,134,0,0,0,11,56,182,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,211,162,80,153,221,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,216,253,253,253,253,253,253,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,177,242,253,253,233,162,85,239,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,86,86,7,0,22,242,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,174,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,243,253,193,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,217,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,237,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,235,254,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,249,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,242,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,164,254,254,157,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,118,232,252,253,253,253,253,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,246,253,253,253,253,253,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,218,149,149,176,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,102,0,0,66,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,243,87,0,42,230,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,203,253,253,253,241,112,20,29,38,27,85,169,215,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,175,243,253,253,253,185,79,172,217,253,253,253,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,242,253,253,253,253,253,253,253,253,246,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,253,253,253,243,171,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,253,253,189,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,243,253,253,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,240,243,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,161,196,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,203,28,203,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,253,161,86,253,253,248,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,235,253,168,232,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,250,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,166,253,253,152,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,0,0,0,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,64,255,255,191,0,0,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,128,255,255,255,64,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,134,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,176,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,210,254,156,153,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,200,253,253,253,253,210,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,127,188,241,253,253,229,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,97,235,253,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,250,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,253,253,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,242,253,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,253,225,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,253,253,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,253,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,253,253,245,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,236,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,213,253,253,250,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,244,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,253,253,208,50,0,28,15,35,35,102,134,134,188,60,0,0,0,0,0,0,0,0,0,0,0,0,17,228,253,253,232,240,189,240,216,253,253,253,254,253,206,42,0,0,0,0,0,0,0,0,0,0,0,0,0,56,208,253,253,253,254,253,253,253,253,253,231,138,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,226,253,253,253,173,153,148,54,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,226,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,114,0,0,29,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,86,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,86,0,0,0,0,57,226,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,141,0,0,0,0,86,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,86,0,0,0,0,141,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,170,0,0,0,57,226,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,86,0,0,86,226,255,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,29,57,226,255,255,198,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,170,114,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,170,29,198,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,29,0,0,86,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,163,195,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,177,236,252,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,245,253,254,240,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,211,253,245,169,54,78,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,227,41,0,0,120,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,39,0,0,0,0,236,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,43,128,254,253,248,108,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,128,207,253,253,254,253,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,240,162,194,254,253,129,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,78,0,92,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,255,216,254,201,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,20,65,147,220,253,254,236,233,218,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,88,205,254,253,253,210,174,78,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,144,241,251,222,154,117,87,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,209,253,185,65,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,218,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,186,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,46,203,201,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,50,228,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,12,0,0,0,79,167,253,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,237,234,234,234,254,227,87,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,140,185,162,155,58,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,159,197,239,255,157,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,246,254,254,254,254,254,185,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,181,236,254,225,204,130,116,149,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,193,23,0,0,0,1,183,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,254,246,4,0,0,0,0,0,169,240,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,247,101,0,0,0,0,0,0,169,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,157,0,0,0,0,0,0,0,109,254,191,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,188,0,0,0,0,0,0,0,81,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,239,0,0,0,0,0,0,0,81,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,207,253,71,0,0,0,0,0,19,203,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,245,194,65,32,48,131,178,226,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,220,254,254,247,254,202,145,151,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,158,223,57,71,16,0,81,254,220,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,249,246,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,235,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,170,200,175,218,254,146,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,244,253,254,253,253,253,254,244,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,217,147,194,152,225,254,253,226,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,193,38,0,0,0,12,104,211,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,109,0,0,0,0,0,0,0,13,167,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,190,249,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,50,122,98,26,158,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,225,254,253,253,253,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,254,253,253,253,254,223,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,181,98,37,104,247,254,253,177,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,254,62,0,0,29,242,255,254,254,181,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,253,253,147,195,226,253,136,214,253,253,231,159,156,6,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,254,253,253,168,0,30,214,253,254,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,139,223,254,217,91,8,0,0,29,169,175,79,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,95,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,195,253,254,230,246,181,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,188,38,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,228,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,207,253,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,208,24,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,243,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,212,100,158,157,83,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,254,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,224,196,253,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,240,253,253,40,3,171,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,52,0,47,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,236,219,221,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,169,253,253,254,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,64,132,138,253,178,132,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,112,43,0,0,0,0,0,0,0,0,0,0,0,72,190,111,4,0,0,0,0,0,0,0,0,0,0,190,251,220,48,0,0,0,0,0,0,0,0,0,0,174,251,251,110,0,0,0,0,0,0,0,0,0,84,244,251,251,94,0,0,0,0,0,0,0,0,0,0,253,251,251,148,0,0,0,0,0,0,0,0,0,194,251,251,211,35,0,0,0,0,0,0,0,0,0,0,153,251,251,31,0,0,0,0,0,0,0,0,0,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,96,253,253,91,0,0,0,0,0,0,0,0,0,253,251,251,31,0,32,32,32,171,190,191,190,190,190,190,214,251,251,196,12,0,0,0,0,0,0,0,0,253,251,251,141,127,253,251,251,251,251,253,251,251,251,251,253,251,251,251,173,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,251,251,253,251,251,235,228,253,251,251,251,113,0,0,0,0,0,0,0,0,153,251,251,251,251,253,251,172,94,94,95,94,94,70,59,153,251,251,251,94,0,0,0,0,0,0,0,0,0,120,158,158,158,255,63,0,0,0,0,0,0,0,0,60,230,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,63,16,0,0,0,0,0,0,0,0,0,71,251,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,188,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,231,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,113,210,251,253,224,105,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,253,253,202,89,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,243,128,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,240,139,85,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,231,97,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,156,228,203,203,242,253,250,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,0,0,38,109,231,242,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,191,243,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,179,81,0,0,0,0,0,48,244,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,227,98,35,21,0,0,0,197,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,64,243,254,253,227,190,106,91,145,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,86,216,253,254,253,253,254,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,54,78,159,226,153,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,253,185,3,0,0,101,241,241,241,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,235,253,221,107,0,0,103,248,253,253,188,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,220,41,0,0,104,246,253,101,25,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,122,0,0,0,189,253,237,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,175,6,0,0,100,244,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,253,162,0,65,116,243,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,188,183,244,253,253,253,253,218,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,253,253,253,215,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,203,194,241,253,209,206,253,253,228,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,71,138,71,11,0,202,253,65,15,95,236,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,65,0,0,170,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,65,0,0,83,253,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,81,0,0,35,242,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,218,231,125,0,0,163,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,248,232,60,10,170,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,197,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,144,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,146,253,253,172,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,63,136,252,255,232,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,231,253,253,253,253,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,120,223,253,253,233,200,87,204,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,237,92,41,0,46,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,194,251,192,47,36,0,0,0,227,253,215,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,147,144,13,0,0,0,0,149,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,149,252,253,167,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,253,224,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,253,235,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,195,253,187,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,205,253,230,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,236,253,231,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,253,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,182,253,236,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,163,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,201,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,231,253,253,146,3,0,0,16,66,66,6,31,39,66,66,66,9,0,0,0,0,0,0,0,0,0,0,129,253,253,253,207,201,201,201,213,253,253,206,226,232,253,253,253,128,0,0,0,0,0,0,0,0,0,0,154,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,173,37,0,0,0,0,0,0,0,0,0,0,27,135,135,135,240,253,253,178,135,135,135,135,135,135,135,105,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,96,218,209,148,148,139,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,253,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,247,252,252,252,236,252,252,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,252,252,210,84,14,211,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,253,252,190,31,0,0,190,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,239,62,0,0,0,129,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,89,0,0,0,0,21,237,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,63,0,0,0,0,0,223,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,89,0,0,0,0,0,153,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,239,17,0,0,0,0,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,104,32,0,0,32,237,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,237,190,191,237,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,205,251,252,252,253,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,111,189,145,145,247,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,208,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,167,253,149,81,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,245,252,252,252,252,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,130,245,252,252,252,249,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,205,252,252,253,135,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,124,249,253,252,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,87,0,0,0,0,253,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,219,253,213,87,7,122,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,177,252,252,252,252,206,196,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,252,252,252,252,253,252,230,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,146,221,252,252,252,253,247,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,232,252,232,239,252,252,252,253,234,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,252,252,253,252,198,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,167,232,252,220,204,212,213,252,252,243,156,0,29,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,36,22,16,19,83,211,252,252,244,217,229,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,252,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,11,92,160,68,69,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,157,171,255,196,77,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,246,254,254,254,254,254,194,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,254,254,254,254,249,251,209,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,254,254,254,162,85,41,135,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,254,66,0,0,11,189,233,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,124,254,221,60,12,0,0,0,42,239,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,37,0,0,0,0,0,0,141,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,203,4,0,0,0,0,0,0,141,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,195,254,89,0,0,0,0,0,0,0,61,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,240,20,0,0,0,0,0,0,0,48,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,236,0,0,0,0,0,0,0,0,48,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,136,0,0,0,0,0,0,0,0,48,254,213,5,0,0,0,0,0,0,0,0,0,0,0,0,8,204,252,45,0,0,0,0,0,0,0,0,86,254,250,9,0,0,0,0,0,0,0,0,0,0,0,0,104,254,206,0,0,0,0,0,0,0,0,0,169,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,206,0,0,0,0,0,0,0,0,43,246,236,6,0,0,0,0,0,0,0,0,0,0,0,0,0,58,216,245,38,0,0,0,0,0,0,47,190,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,144,0,0,0,0,0,125,209,254,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,250,246,151,95,57,57,176,253,254,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,248,254,254,254,254,254,225,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,159,215,254,254,135,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,193,106,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,80,1,0,0,0,0,0,130,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,110,0,0,0,0,0,130,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,244,0,0,0,0,0,130,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,244,5,0,0,0,0,80,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,97,0,0,0,0,22,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,151,88,88,88,56,22,254,254,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,254,254,254,254,247,236,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,218,254,254,254,254,254,254,254,254,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,254,197,162,155,54,54,110,184,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,125,120,6,0,0,0,0,0,60,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,140,254,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,229,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,164,217,254,253,253,253,227,164,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,246,253,253,254,253,182,253,253,253,182,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,240,253,253,253,254,68,21,178,245,253,253,243,52,0,0,0,0,0,0,0,0,0,0,0,0,0,72,232,253,253,248,223,74,13,0,0,119,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,128,0,0,0,0,0,36,214,253,253,232,56,0,0,0,0,0,0,0,0,0,0,6,161,251,253,253,116,4,0,0,0,0,0,0,38,253,253,253,104,0,0,0,0,0,0,0,0,0,0,130,253,253,248,128,4,0,0,0,0,0,0,0,7,162,253,253,104,0,0,0,0,0,0,0,0,0,36,217,253,253,223,0,0,0,0,0,0,0,0,0,0,134,253,253,192,0,0,0,0,0,0,0,0,0,211,254,254,223,44,0,0,0,0,0,0,0,0,0,0,135,255,254,255,0,0,0,0,0,0,0,0,87,246,253,253,55,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,0,0,0,0,0,0,0,0,114,253,253,246,27,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,0,0,0,0,0,0,0,0,254,253,253,133,0,0,0,0,0,0,0,0,0,0,0,86,191,253,253,182,0,0,0,0,0,0,0,0,254,253,240,16,0,0,0,0,0,0,0,0,5,75,120,245,253,253,240,73,0,0,0,0,0,0,0,0,148,253,249,109,22,0,0,0,0,18,31,154,184,253,253,253,253,253,190,0,0,0,0,0,0,0,0,0,105,253,253,253,218,134,134,134,134,205,254,253,253,253,253,253,253,126,28,0,0,0,0,0,0,0,0,0,6,212,253,253,253,253,253,253,253,253,255,253,253,253,253,242,84,1,0,0,0,0,0,0,0,0,0,0,0,49,158,253,253,253,253,253,253,253,236,208,199,129,164,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,236,253,253,164,226,104,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,139,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,243,45,0,0,0,2,65,65,65,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,222,253,253,69,0,53,139,220,253,253,253,250,219,153,6,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,99,28,235,253,253,253,249,178,186,253,253,159,3,0,0,0,0,0,0,0,0,0,0,17,210,253,186,115,83,20,200,223,180,24,23,0,3,56,181,253,195,7,0,0,0,0,0,0,0,0,0,143,253,247,80,0,0,0,0,0,0,0,0,0,0,0,10,134,253,88,0,0,0,0,0,0,0,0,31,234,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,169,0,0,0,0,0,0,0,0,131,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,253,0,0,0,0,0,0,0,0,174,253,170,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,0,0,0,0,0,0,0,0,254,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,210,0,0,0,0,0,0,0,0,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,46,193,243,42,0,0,0,0,0,0,0,0,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,11,181,253,163,0,0,0,0,0,0,0,0,0,254,253,117,0,0,0,0,0,0,0,0,0,0,0,7,200,253,229,40,0,0,0,0,0,0,0,0,0,166,253,195,4,0,0,0,0,0,0,0,0,2,92,216,253,226,84,0,0,0,0,0,0,0,0,0,0,67,240,253,142,57,0,0,0,0,0,2,80,169,253,253,228,82,0,0,0,0,0,0,0,0,0,0,0,0,143,253,254,218,134,102,35,112,154,235,254,253,244,169,43,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,253,253,253,253,253,253,253,253,253,171,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,109,109,109,109,109,109,108,9,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,94,164,193,164,96,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,208,247,254,254,254,254,254,250,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,172,186,254,254,194,184,113,169,184,239,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,198,56,3,0,0,0,0,198,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,148,18,0,0,0,0,0,8,211,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,10,0,0,0,0,0,8,167,254,242,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,167,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,211,254,254,169,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,163,248,254,254,199,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,165,249,254,254,248,132,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,106,234,254,254,254,210,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,220,250,254,254,209,63,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,137,252,254,254,230,102,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,210,66,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,229,14,0,0,0,0,0,0,0,9,10,52,104,104,162,165,190,131,0,0,0,0,0,0,0,0,157,254,254,212,185,185,185,168,174,185,185,218,202,201,254,254,254,254,245,241,0,0,0,0,0,0,0,0,24,248,254,254,254,254,254,254,254,254,254,254,247,245,179,159,126,73,22,0,0,0,0,0,0,0,0,0,0,50,160,245,168,163,163,163,163,163,163,151,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,152,233,254,253,193,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,253,252,253,252,142,183,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,102,20,0,0,31,233,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,41,0,0,0,92,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,234,30,0,82,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,172,82,243,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,212,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,82,0,193,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,171,0,0,112,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,224,20,0,0,0,203,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,81,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,91,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,172,10,0,0,0,0,0,102,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,102,0,0,0,0,0,52,233,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,20,0,0,21,142,233,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,253,214,253,254,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,192,253,252,233,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,101,254,254,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,224,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,254,39,236,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,249,46,1,237,213,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,225,243,85,0,80,252,116,0,0,0,0,0,0,69,74,0,0,0,0,0,0,0,0,0,0,0,0,124,254,127,0,0,204,247,27,0,0,0,0,86,122,189,96,0,0,0,0,0,0,0,0,0,0,0,0,132,254,229,197,197,254,241,119,108,177,197,197,235,218,102,11,0,0,0,0,0,0,0,0,0,0,0,0,14,84,160,227,254,254,250,250,250,212,223,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,222,181,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,251,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,200,255,255,255,254,230,130,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,248,253,253,253,253,253,253,253,222,40,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,246,253,253,253,253,253,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,105,183,245,253,253,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,222,222,230,253,253,222,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,186,186,186,186,186,186,203,253,253,253,230,186,186,186,44,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,253,253,253,253,253,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,5,171,253,253,253,253,253,253,253,253,253,253,253,253,222,40,0,0,0,0,0,0,0,0,0,0,0,0,0,29,49,179,253,214,253,253,253,253,148,49,49,49,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,85,22,89,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,221,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,162,35,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,205,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,202,253,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,240,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,49,116,82,116,149,116,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,209,254,253,177,194,161,177,246,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,254,169,34,0,0,0,0,0,85,184,136,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,244,156,6,0,0,0,0,0,0,0,0,186,165,9,0,0,0,0,0,0,0,0,0,0,0,0,0,237,131,0,0,0,0,0,0,0,0,0,0,13,226,54,0,0,0,0,0,0,0,0,0,0,0,0,0,254,115,0,0,0,0,0,0,0,0,0,0,0,138,137,0,0,0,0,0,0,0,0,0,0,0,0,0,119,50,0,0,0,0,0,0,0,0,0,0,0,139,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,11,19,7,7,216,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,195,215,240,203,170,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,203,254,127,142,216,254,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,248,173,0,0,132,236,207,245,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,230,0,7,91,217,54,0,76,211,174,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,238,59,170,202,29,0,0,0,99,194,176,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,127,9,0,0,0,0,0,0,60,164,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,23,0,0,0,0,0,0,0,0,0,29,146,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,35,4,0,0,0,0,172,222,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,199,18,0,0,0,172,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,114,0,0,0,172,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,114,0,0,0,209,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,88,0,0,0,214,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,99,0,0,0,172,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,32,0,0,0,217,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,54,0,0,75,254,253,146,0,0,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,244,163,155,187,254,253,246,237,237,250,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,237,253,253,253,253,253,254,253,253,253,213,87,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,125,163,238,245,253,255,253,150,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,251,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,234,253,250,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,253,253,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,214,253,253,174,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,195,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,253,253,253,253,255,242,116,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,211,252,252,252,252,252,252,229,229,242,252,252,175,104,0,0,0,0,0,0,0,0,0,0,0,0,2,160,252,245,216,124,205,252,184,5,0,55,96,176,242,225,157,22,0,0,0,0,0,0,0,0,0,0,13,252,245,108,0,0,69,245,143,0,0,0,0,0,60,189,252,134,5,0,0,0,0,0,0,0,0,0,99,252,216,0,0,0,0,217,143,0,0,0,0,0,0,21,189,252,110,0,0,0,0,0,0,0,0,0,167,252,124,0,0,0,0,155,45,0,0,0,0,0,0,0,20,225,227,9,0,0,0,0,0,0,0,0,253,252,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,110,0,0,0,0,0,0,0,0,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,177,0,0,0,0,0,0,0,0,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,0,0,0,0,0,0,0,0,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,0,0,0,0,0,0,0,0,255,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,132,0,0,0,0,0,0,0,0,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,121,0,0,0,0,0,0,0,0,236,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,236,10,0,0,0,0,0,0,0,0,110,252,223,16,0,0,0,0,0,0,0,0,0,0,0,14,174,252,121,0,0,0,0,0,0,0,0,0,4,175,252,170,0,0,0,0,0,0,0,0,0,0,0,102,252,154,7,0,0,0,0,0,0,0,0,0,0,111,252,241,90,0,0,0,0,0,0,0,0,49,159,238,228,25,0,0,0,0,0,0,0,0,0,0,0,5,134,252,241,89,0,0,0,0,0,49,102,237,252,193,32,0,0,0,0,0,0,0,0,0,0,0,0,0,6,134,252,242,217,171,97,97,218,237,252,252,154,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,227,252,252,252,252,253,252,167,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,131,131,131,131,132,63,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,255,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,188,253,253,254,235,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,177,254,253,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,128,3,104,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,201,25,0,0,170,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,187,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,105,254,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,235,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,253,177,3,0,0,0,0,0,0,0,51,127,226,50,0,0,0,0,0,0,0,0,0,0,7,154,254,252,126,0,0,0,19,29,79,142,166,254,242,164,38,0,0,0,0,0,0,0,0,0,0,0,132,253,253,232,57,95,169,170,226,253,253,248,197,159,47,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,254,253,253,253,254,196,168,68,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,178,203,141,116,78,28,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,88,150,187,255,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,96,232,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,244,244,246,253,246,217,116,162,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,253,253,199,126,53,0,0,165,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,20,20,7,0,0,0,5,198,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,6,46,251,253,63,6,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,143,156,198,253,253,253,253,253,237,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,238,253,253,253,253,253,253,253,188,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,138,212,212,212,220,253,253,65,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,222,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,222,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,130,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,193,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,209,136,0,0,0,0,0,0,0,151,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,164,0,0,0,0,0,0,9,239,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,183,5,0,0,0,0,0,171,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,221,14,0,0,0,0,53,243,252,252,144,5,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,168,1,0,0,0,2,170,252,252,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,21,0,0,0,53,252,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,245,252,252,184,0,0,34,225,252,252,246,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,251,201,29,111,253,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,242,253,253,253,253,253,255,253,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,252,252,252,252,253,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,82,201,252,252,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,14,195,252,253,179,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,252,252,242,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,252,222,12,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,252,253,252,196,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,252,253,252,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,209,219,142,47,66,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,157,241,254,254,254,255,223,86,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,200,87,74,74,124,155,244,254,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,128,13,0,0,0,0,0,26,223,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,0,0,0,2,190,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,234,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,221,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,251,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,185,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,218,244,141,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,254,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,136,248,222,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,69,179,249,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,32,0,0,0,0,45,129,232,254,254,241,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,203,156,156,180,238,249,254,254,196,114,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,200,172,114,82,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,226,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,198,226,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,86,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,29,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,57,0,0,0,0,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,86,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,226,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,170,86,141,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,170,170,57,0,0,0,57,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,57,0,0,0,0,0,0,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,29,0,0,57,226,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,226,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,255,226,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,255,128,113,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,253,252,252,252,252,253,252,252,218,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,252,252,252,252,253,252,252,252,252,57,6,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,252,253,252,252,252,252,253,252,252,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,252,252,253,252,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,253,228,47,0,63,178,253,253,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,29,200,252,252,253,223,52,0,0,0,57,233,252,252,253,252,214,28,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,167,0,0,0,0,0,75,233,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,74,0,0,0,0,0,0,169,252,253,252,252,99,0,0,0,0,0,0,0,0,0,0,163,252,252,252,253,27,0,0,0,0,0,0,169,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,226,253,253,253,255,27,0,0,0,0,0,0,169,253,255,253,253,225,0,0,0,0,0,0,0,0,0,0,178,252,252,252,253,27,0,0,0,0,0,0,122,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,136,0,0,0,0,0,0,60,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,224,59,10,0,0,10,138,224,252,253,252,252,208,0,0,0,0,0,0,0,0,0,0,38,221,252,252,253,252,252,177,140,141,178,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,198,253,253,255,253,253,253,253,255,253,253,253,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,253,252,252,252,252,253,252,252,252,252,253,223,52,0,0,0,0,0,0,0,0,0,0,0,0,13,155,252,253,252,252,252,252,253,252,252,252,252,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,237,252,252,252,252,253,252,252,249,145,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,112,112,128,252,253,252,141,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,128,192,133,117,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,243,253,254,253,253,253,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,135,240,253,253,253,217,240,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,81,0,70,237,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,236,253,230,140,72,0,0,0,140,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,64,0,0,0,0,0,49,253,236,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,253,253,36,0,0,0,0,0,49,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,180,5,0,0,0,0,0,49,253,253,209,17,0,0,0,0,0,0,0,0,0,0,0,0,34,246,253,253,168,0,0,0,0,0,0,49,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,218,30,0,0,0,0,0,0,49,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,220,25,0,0,0,0,0,2,174,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,48,0,0,0,0,0,37,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,48,0,0,0,0,0,112,253,253,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,48,0,0,0,0,40,222,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,134,0,0,0,9,223,253,253,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,193,11,0,35,198,253,253,239,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,253,253,253,36,37,223,254,253,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,226,253,253,223,233,253,254,186,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,201,82,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,81,253,253,143,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,73,163,182,208,163,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,145,237,253,254,233,245,222,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,231,234,216,184,101,23,31,31,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,150,72,0,0,0,0,0,64,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,196,253,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,193,254,253,232,109,77,45,57,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,254,253,253,253,253,254,253,242,181,117,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,92,111,168,162,207,182,197,254,254,254,255,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,4,63,147,198,215,253,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,238,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,225,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,243,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,21,176,243,104,0,0,0,0,0,0,0,0,0,0,0,0,0,72,175,0,0,0,0,0,0,0,4,87,209,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,217,108,37,37,37,37,121,140,220,253,254,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,17,248,254,253,253,253,253,254,253,253,253,240,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,130,181,253,253,253,195,162,162,91,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,96,194,255,133,96,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,190,221,251,251,253,251,251,236,190,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,251,251,253,251,251,251,251,206,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,181,253,251,219,50,31,31,31,110,204,251,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,251,253,132,47,0,0,0,0,0,64,251,253,240,79,0,0,0,0,0,0,0,0,0,0,0,0,128,253,193,100,0,0,0,0,0,0,0,0,0,255,253,126,0,0,0,0,0,0,0,0,0,0,0,4,142,251,94,0,0,0,0,0,0,0,0,28,32,141,220,110,0,0,0,0,0,0,0,0,0,0,0,16,188,251,94,0,0,0,0,0,0,16,127,236,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,133,0,0,0,0,40,64,186,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,159,59,158,158,217,253,251,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,253,253,253,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,240,253,251,251,251,251,241,224,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,126,220,251,140,126,79,32,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,31,4,0,24,186,251,196,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,247,140,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,193,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,176,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,194,243,252,206,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,200,252,198,55,25,199,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,253,242,192,28,0,0,28,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,242,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,253,242,192,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,214,140,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,252,253,176,186,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,56,6,13,187,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,234,252,236,0,0,0,169,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,112,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,174,0,0,0,169,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,252,252,163,57,19,196,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,253,233,209,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,99,223,253,252,252,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,114,188,225,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,66,141,154,253,253,253,255,253,244,225,0,0,0,0,0,0,0,0,0,0,0,0,7,82,169,169,170,225,252,252,253,252,252,252,253,189,56,0,0,0,0,0,0,0,0,0,0,57,85,85,204,252,252,252,253,252,252,252,206,168,168,68,56,19,0,0,0,0,0,0,0,0,0,0,176,243,252,252,253,252,252,252,253,252,164,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,225,225,225,229,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,0,0,0,29,252,252,252,170,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,224,252,252,253,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,240,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,95,243,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,85,85,198,234,252,252,253,196,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,228,252,253,252,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,225,176,150,113,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,150,180,255,254,255,254,254,237,115,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,192,160,217,253,253,253,188,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,248,140,61,10,10,4,0,6,10,27,192,251,215,29,0,0,0,0,0,0,0,0,0,0,0,0,0,163,229,22,0,0,0,0,0,0,0,0,0,205,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,46,67,6,0,0,0,0,0,0,0,0,0,24,217,253,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,6,6,6,2,0,0,38,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,102,156,238,253,253,253,179,156,82,22,237,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,62,217,253,253,253,253,253,253,253,253,253,207,237,245,19,0,0,0,0,0,0,0,0,0,0,0,0,14,235,242,163,109,109,45,47,22,109,122,242,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,181,0,0,0,0,0,0,0,0,77,245,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,181,0,0,0,0,0,0,0,0,55,242,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,181,0,0,0,0,0,0,0,10,204,253,233,200,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,187,3,0,0,0,0,0,16,220,253,235,53,11,0,0,0,0,0,0,0,0,0,0,0,0,0,95,248,253,128,0,0,0,0,56,234,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,251,150,70,75,155,238,253,252,95,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,181,253,253,253,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,95,175,253,253,253,134,46,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,159,194,255,254,254,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,115,198,252,253,253,254,253,225,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,246,152,139,91,56,56,18,218,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,212,25,0,0,0,0,0,0,57,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,143,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,206,253,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,145,123,123,143,170,123,123,109,29,29,2,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,253,253,253,253,253,253,253,253,254,253,253,253,192,105,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,254,254,254,207,188,195,254,255,254,254,254,254,254,187,30,0,0,0,0,0,0,0,0,0,0,0,39,125,152,34,28,9,0,4,28,28,28,28,28,132,232,253,236,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,153,252,205,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,249,253,65,0,0,0,0,0,0,0,0,0,0,8,207,137,4,0,0,0,0,0,0,0,0,0,23,194,253,251,61,0,0,0,0,0,0,0,0,0,0,10,253,253,144,0,0,0,0,0,0,0,26,103,239,253,253,127,0,0,0,0,0,0,0,0,0,0,0,1,37,242,252,213,95,57,57,57,71,154,247,253,253,253,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,105,247,253,253,253,253,254,253,253,253,226,147,65,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,159,214,253,253,254,253,214,131,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,155,193,157,75,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,254,251,254,254,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,237,239,72,88,223,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,68,0,28,133,239,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,225,97,175,225,250,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,254,254,254,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,130,253,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,251,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,222,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,203,254,247,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,251,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,143,143,254,253,253,253,229,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,213,252,252,252,253,206,212,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,243,252,235,153,106,44,13,17,244,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,189,192,68,9,0,0,0,0,9,243,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,123,252,237,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,222,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,245,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,241,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,158,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,33,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,128,3,7,89,213,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,146,45,210,241,118,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,252,252,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,252,204,81,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,222,192,100,0,0,81,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,251,255,254,253,204,80,206,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,247,254,223,229,254,254,229,207,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,254,168,70,221,230,77,215,254,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,239,219,113,5,190,229,53,171,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,162,0,0,93,82,223,246,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,241,106,127,106,226,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,254,254,241,246,254,236,149,191,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,192,254,254,254,199,73,15,199,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,58,58,58,14,0,53,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,203,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,219,255,254,171,92,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,253,253,253,211,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,10,10,10,93,173,245,252,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,174,253,193,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,171,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,16,76,155,227,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,220,253,253,253,253,209,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,146,66,41,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,233,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,228,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,186,253,214,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,171,253,208,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,104,249,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,11,11,94,180,253,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,161,161,204,253,253,253,253,253,210,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,253,253,253,253,213,132,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,195,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,254,226,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,204,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,245,172,8,203,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,85,96,222,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,243,211,7,195,254,192,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,97,0,91,220,254,238,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,254,70,0,0,9,137,254,254,146,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,243,44,0,0,0,2,60,224,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,224,0,0,0,0,0,0,49,205,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,143,0,0,0,0,0,0,0,61,240,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,101,0,0,0,0,0,0,0,0,126,193,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,31,0,0,0,0,0,0,0,0,165,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,125,0,0,0,0,0,0,0,0,126,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,134,0,0,0,0,0,0,0,0,135,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,224,0,0,0,0,0,0,0,50,246,229,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,229,10,0,0,0,0,0,0,71,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,105,0,0,0,0,0,0,145,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,184,3,0,0,0,0,27,218,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,236,254,94,0,0,0,0,154,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,230,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,228,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,189,254,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,239,68,0,0,0,0,0,0,56,117,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,182,254,150,0,0,0,0,0,0,93,242,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,244,0,0,0,0,0,0,105,236,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,160,0,0,0,0,0,92,235,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,36,0,0,0,4,103,247,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,27,0,0,58,183,254,254,146,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,155,114,201,250,255,254,158,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,254,254,254,198,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,122,195,232,254,254,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,254,206,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,235,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,193,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,251,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,245,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,201,254,174,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,254,225,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,231,254,181,114,81,81,81,81,81,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,61,231,254,254,254,254,254,254,254,254,254,242,146,65,3,0,0,0,0,0,0,0,0,0,0,0,20,175,254,254,254,254,254,254,219,237,201,198,205,254,254,254,181,59,0,0,0,0,0,0,0,0,0,0,134,254,254,251,209,119,70,15,6,8,4,4,11,70,120,241,255,251,131,28,0,0,0,0,0,0,0,0,34,237,189,103,0,0,0,0,0,0,0,0,0,0,0,39,108,229,237,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,128,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,128,128,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,64,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,64,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,96,218,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,103,211,252,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,22,128,162,232,232,249,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,253,252,252,252,252,253,252,252,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,173,252,253,252,252,226,147,147,138,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,168,176,97,0,0,8,157,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,245,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,231,0,0,11,108,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,143,0,89,114,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,43,43,255,253,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,142,252,252,253,252,245,168,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,252,252,252,253,210,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,226,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,94,24,218,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,242,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,174,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,223,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,223,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,220,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,219,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,215,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,251,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,173,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,171,173,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,254,254,255,254,240,155,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,222,232,176,176,80,22,90,105,188,240,125,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,6,0,0,0,0,0,0,2,61,239,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,239,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,242,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,177,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,248,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,247,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,191,254,181,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,254,179,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,254,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,254,174,9,0,0,0,0,0,0,0,0,7,12,0,0,0,0,0,0,0,0,0,0,0,0,28,220,254,208,8,0,0,2,13,53,109,156,185,185,199,71,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,114,86,96,139,192,254,254,250,245,210,126,21,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,254,227,254,254,254,253,208,153,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,217,235,167,167,152,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,243,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,248,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,233,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,89,130,219,254,254,254,254,254,209,130,18,1,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,253,253,245,241,241,241,241,140,117,223,252,253,144,13,0,0,0,0,0,0,0,0,0,0,0,11,208,253,223,111,35,0,0,0,0,0,0,0,98,231,253,144,1,0,0,0,0,0,0,0,0,0,0,92,253,235,38,0,0,0,0,0,0,0,0,0,0,44,243,253,5,0,0,0,0,0,0,0,0,0,0,143,253,207,0,0,0,0,0,0,0,0,0,0,0,0,146,179,2,0,0,0,0,0,0,0,0,0,0,125,253,182,14,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,16,235,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,242,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,89,233,241,155,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,232,253,178,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,232,253,208,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,159,253,238,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,159,253,215,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,160,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,206,242,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,112,112,142,236,249,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,119,119,119,194,242,249,253,253,253,253,253,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,138,253,253,253,253,253,226,190,129,32,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,104,224,254,254,255,254,254,238,119,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,95,239,198,135,83,39,39,46,99,199,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,152,42,0,0,0,0,0,0,69,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,64,0,0,0,0,0,0,0,0,3,199,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,0,0,0,0,0,0,0,16,217,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,250,162,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,79,116,176,241,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,214,213,213,235,245,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,58,58,0,0,0,32,133,240,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,76,0,0,0,0,0,0,0,0,135,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,0,0,0,0,0,0,0,0,123,254,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,8,0,0,0,0,0,25,185,250,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,128,31,0,0,0,102,241,253,195,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,244,249,241,234,234,234,254,212,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,155,193,193,155,155,58,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,142,166,254,255,243,117,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,145,244,254,253,209,197,229,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,173,253,215,156,56,13,0,54,253,197,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,215,28,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,226,50,0,0,0,0,0,29,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,234,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,242,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,188,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,140,241,251,201,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,235,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,0,0,0,0,82,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,214,75,0,0,0,0,32,229,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,205,204,0,0,0,0,0,70,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,158,45,0,51,121,226,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,210,253,254,241,198,247,254,196,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,78,204,253,253,203,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,118,219,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,98,232,242,254,254,254,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,161,254,254,228,178,193,254,254,167,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,157,254,254,140,40,0,38,235,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,165,2,0,0,0,73,254,254,221,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,246,50,0,0,0,0,36,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,241,0,0,0,0,0,166,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,180,0,0,0,0,0,31,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,254,151,0,0,0,0,0,28,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,205,254,252,207,73,45,0,0,21,225,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,239,254,254,254,231,187,187,172,166,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,243,254,254,254,255,254,255,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,110,169,248,249,254,254,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,153,187,254,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,6,150,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,244,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,127,156,194,232,239,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,118,215,247,253,242,241,254,253,253,232,139,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,142,253,254,216,107,36,30,78,128,253,253,253,145,42,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,222,95,10,0,0,0,0,2,19,167,253,254,150,0,0,0,0,0,0,0,0,0,0,0,0,8,205,237,36,0,0,0,0,0,0,0,0,24,230,254,248,98,0,0,0,0,0,0,0,0,0,0,0,16,195,53,0,0,0,0,0,0,0,0,0,0,173,255,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,251,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,184,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,251,203,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,213,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,129,139,139,170,159,139,139,65,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,79,237,253,254,253,253,253,253,254,253,186,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,254,253,171,69,69,69,142,235,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,117,46,67,44,0,0,0,0,143,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,138,253,128,0,0,0,0,0,0,0,7,212,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,202,77,9,0,0,0,0,5,55,234,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,254,195,162,162,162,163,178,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,254,253,253,253,253,254,253,253,253,138,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,254,253,253,253,253,254,253,253,253,253,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,64,239,253,254,179,54,23,23,76,23,23,118,190,254,165,85,0,0,0,0,0,0,0,0,0,0,0,111,254,254,244,106,0,0,0,0,0,0,0,0,0,182,254,223,25,0,0,0,0,0,0,0,0,0,5,178,253,253,64,0,0,0,0,0,0,0,0,0,0,9,122,253,120,0,0,0,0,0,0,0,0,0,24,253,253,154,6,0,0,0,0,0,0,0,0,0,0,0,47,253,203,11,0,0,0,0,0,0,0,0,24,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,141,253,161,0,0,0,0,0,0,0,0,0,24,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,162,253,109,0,0,0,0,0,0,0,0,0,11,204,254,254,33,0,0,0,0,0,0,0,0,0,0,13,213,248,42,0,0,0,0,0,0,0,0,0,0,141,253,253,212,100,17,0,0,0,0,0,0,0,0,119,253,163,0,0,0,0,0,0,0,0,0,0,0,13,120,253,253,255,210,153,70,7,0,13,70,112,185,255,188,19,0,0,0,0,0,0,0,0,0,0,0,0,13,88,245,254,253,253,253,212,209,216,253,253,253,204,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,86,137,222,253,253,254,253,253,253,147,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,38,139,171,255,254,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,253,253,253,192,177,197,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,253,251,183,32,6,0,9,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,161,253,226,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,160,253,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,253,132,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,193,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,162,81,168,168,168,168,168,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,241,253,253,253,253,253,253,253,253,235,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,253,227,119,19,10,10,66,190,248,252,142,5,0,0,0,0,0,0,0,0,0,0,0,0,0,114,242,142,247,238,136,6,0,0,0,0,66,219,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,22,79,0,94,253,253,109,0,0,0,0,0,135,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,93,246,253,180,102,33,33,33,150,253,252,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,179,253,253,253,253,253,253,253,225,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,61,145,201,253,253,195,118,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,191,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,222,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,233,252,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,253,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,227,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,90,243,252,249,146,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,239,252,252,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,63,0,0,0,0,0,101,222,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,240,178,85,85,85,163,226,249,252,252,204,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,252,252,253,252,239,102,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,252,252,252,252,225,176,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,112,112,221,157,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,235,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,0,0,0,0,0,0,0,94,182,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,0,0,0,0,0,0,41,241,227,223,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,0,0,0,0,0,0,120,201,30,244,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,48,0,0,0,0,0,205,158,0,161,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,191,0,0,0,0,0,219,118,0,147,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,236,13,0,0,0,0,201,118,0,147,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,221,106,0,0,0,0,116,222,143,236,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,218,0,0,0,0,22,109,109,193,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,197,122,0,0,0,0,0,0,147,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,54,0,0,0,0,0,226,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,223,79,0,0,0,37,247,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,255,205,121,99,213,194,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,158,171,189,161,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,148,211,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,184,254,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,128,171,186,255,237,171,76,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,254,254,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,202,158,158,158,243,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,141,13,0,0,45,246,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,109,223,254,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,162,254,254,201,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,224,254,248,161,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,71,190,254,254,254,227,118,71,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,254,254,254,254,254,254,254,254,188,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,249,201,156,128,114,101,64,185,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,96,37,0,0,0,0,0,0,10,137,250,242,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,193,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,254,8,0,0,0,0,0,0,0,0,0,0,0,3,148,44,0,0,0,0,0,0,0,0,0,0,16,241,254,8,0,0,0,0,0,0,0,0,0,0,5,206,189,0,0,0,0,0,0,0,0,0,0,0,88,254,254,8,0,0,0,0,0,0,0,0,0,0,9,254,77,0,0,0,0,0,0,0,0,0,0,60,239,254,184,1,0,0,0,0,0,0,0,0,0,0,9,254,171,0,0,0,0,0,0,0,0,62,164,247,254,210,43,0,0,0,0,0,0,0,0,0,0,0,9,254,253,146,76,76,76,76,89,158,230,252,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,1,129,254,254,254,254,254,254,254,254,254,254,254,234,76,1,0,0,0,0,0,0,0,0,0,0,0,0,0,5,126,254,254,254,254,254,254,254,210,152,68,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,71,49,0,0,106,249,207,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,134,242,253,154,0,15,197,242,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,212,253,181,53,9,15,192,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,248,136,10,0,0,145,253,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,248,75,0,0,0,51,234,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,246,60,0,0,0,205,245,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,239,253,246,89,0,104,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,184,251,248,121,204,251,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,255,199,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,204,254,253,227,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,251,60,75,227,253,225,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,205,195,0,0,41,195,253,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,112,0,0,0,42,224,253,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,70,0,0,0,0,68,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,70,0,0,0,0,102,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,142,12,76,106,156,247,253,220,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,253,229,254,253,253,253,230,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,141,195,226,165,165,87,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,242,102,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,229,254,254,254,240,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,254,254,254,248,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,254,254,254,254,254,254,252,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,227,216,250,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,128,35,0,102,208,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,210,15,0,0,0,171,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,242,254,123,0,0,0,0,171,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,199,254,254,123,0,0,0,0,171,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,254,243,20,0,0,22,196,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,195,77,156,20,0,0,85,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,169,0,0,0,0,0,225,254,198,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,169,0,0,0,0,35,233,250,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,169,0,0,0,2,132,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,169,0,0,0,95,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,169,0,0,105,243,254,157,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,172,8,89,247,254,251,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,254,178,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,254,254,205,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,246,141,100,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,118,237,254,254,254,254,255,254,193,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,117,231,254,254,254,254,254,254,254,254,254,173,24,0,0,0,0,0,0,0,0,0,0,0,0,0,66,223,254,254,254,254,254,254,254,193,76,67,67,33,0,0,0,0,0,0,0,0,0,0,0,0,79,163,252,254,254,254,254,250,196,143,24,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,154,253,254,254,254,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,254,254,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,254,254,249,201,252,254,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,220,126,0,226,250,254,250,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,186,44,0,0,71,135,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,254,238,144,88,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,192,254,254,254,254,254,232,206,62,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,151,223,254,254,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,101,183,236,254,254,254,246,206,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,215,253,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,0,176,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,126,16,0,0,0,33,70,202,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,197,102,133,197,244,254,254,254,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,254,254,254,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,133,253,254,254,254,254,254,234,101,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,157,227,161,157,91,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,180,254,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,236,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,243,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,245,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,89,170,254,254,254,254,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,166,253,253,246,224,185,246,253,196,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,253,232,95,21,0,0,45,218,253,210,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,228,23,0,0,0,0,0,22,206,253,198,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,178,157,0,0,0,0,0,0,0,22,234,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,206,252,241,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,119,244,253,244,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,169,251,253,253,153,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,250,248,250,253,221,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,23,142,253,244,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,236,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,0,0,0,81,244,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,69,28,128,250,253,156,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,191,232,173,153,109,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,143,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,241,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,234,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,183,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,247,254,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,250,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,222,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,220,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,183,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,234,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,226,65,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,139,138,138,233,201,191,138,191,180,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,253,252,252,252,252,100,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,246,253,252,252,252,252,253,252,252,252,252,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,185,160,160,56,87,77,66,45,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,232,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,240,101,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,252,252,252,211,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,252,252,252,252,251,209,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,220,252,230,230,135,220,233,253,253,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,0,0,0,0,9,173,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,171,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,232,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,180,55,5,0,0,5,138,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,252,177,161,162,178,252,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,190,252,252,252,252,253,252,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,160,227,252,252,253,252,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,65,137,253,252,252,157,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,137,137,137,137,228,211,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,36,133,197,254,254,254,254,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,228,254,254,254,204,224,201,173,83,83,83,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,254,13,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,47,202,254,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,209,7,61,108,135,226,226,226,165,108,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,200,183,250,254,254,254,254,254,254,254,252,244,111,1,0,0,0,0,0,0,0,0,0,0,0,31,226,254,254,254,254,251,231,231,231,231,231,231,246,254,254,102,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,234,146,79,0,0,0,0,0,0,84,243,254,170,3,0,0,0,0,0,0,0,0,0,0,42,239,254,229,44,0,0,0,0,0,0,0,0,0,102,254,254,101,0,0,0,0,0,0,0,0,0,0,0,44,115,34,0,0,0,0,0,0,0,0,0,0,66,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,83,0,0,0,0,0,0,0,0,7,12,4,0,0,0,0,0,0,0,0,0,0,0,0,25,220,254,155,1,0,0,0,0,0,0,0,0,137,254,97,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,139,0,0,0,0,0,0,0,0,0,115,254,236,78,9,0,0,0,0,0,0,0,0,0,42,224,254,239,29,0,0,0,0,0,0,0,0,0,5,151,254,254,155,66,65,0,0,0,0,0,0,126,225,254,254,86,0,0,0,0,0,0,0,0,0,0,0,25,189,254,254,254,253,202,128,84,84,128,202,254,254,239,86,11,0,0,0,0,0,0,0,0,0,0,0,0,8,124,189,254,254,254,254,254,254,254,254,254,181,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,17,20,135,211,255,254,255,202,75,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,255,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,184,253,253,245,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,187,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,253,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,233,253,253,253,213,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,233,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,167,3,0,0,14,139,139,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,211,253,253,253,193,9,0,45,129,232,253,253,241,192,28,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,87,0,51,222,253,253,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,17,249,253,253,253,118,22,83,244,253,253,253,253,253,253,253,153,5,0,0,0,0,0,0,0,0,0,0,17,253,253,253,219,37,72,253,253,253,253,252,170,114,253,253,253,15,0,0,0,0,0,0,0,0,0,0,17,253,253,253,203,55,239,253,253,253,214,139,45,224,253,253,253,15,0,0,0,0,0,0,0,0,0,0,33,253,253,253,98,139,253,253,253,252,139,19,128,253,253,253,142,4,0,0,0,0,0,0,0,0,0,0,180,253,253,253,226,191,253,253,253,245,45,218,253,253,253,227,58,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,253,253,253,253,253,251,224,253,253,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,253,253,253,253,253,253,253,253,253,253,253,184,16,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,253,253,253,253,253,253,253,253,253,227,169,16,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,253,253,253,253,253,253,253,253,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,152,253,253,253,253,253,229,179,116,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,89,121,162,89,89,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,243,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,237,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,204,254,159,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,254,200,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,188,254,204,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,238,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,250,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,249,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,167,254,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,254,162,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,241,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,187,201,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,13,134,133,191,133,133,133,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,192,253,254,253,253,253,253,253,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,240,253,253,218,147,96,96,96,216,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,180,84,0,0,0,0,12,205,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,58,0,0,0,0,0,18,72,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,24,0,0,0,11,73,73,165,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,101,85,92,206,213,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,255,253,253,188,156,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,253,253,253,253,145,75,24,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,251,242,253,255,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,247,106,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,193,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,233,40,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,146,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,189,253,180,66,245,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,205,199,253,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,226,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,225,213,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,11,39,69,148,166,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,190,190,146,227,205,247,252,252,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,252,252,252,253,252,252,252,252,232,231,169,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,252,252,243,189,189,162,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,155,42,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,253,252,247,190,102,85,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,252,253,252,252,252,252,253,237,179,101,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,253,252,252,252,252,253,252,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,173,50,42,42,104,182,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,107,27,0,0,0,0,0,154,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,9,0,0,0,0,0,0,0,0,116,249,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,144,0,0,0,0,0,0,0,61,227,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,247,99,0,0,0,0,0,71,253,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,247,144,66,22,31,153,249,253,252,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,231,252,253,252,252,252,252,243,110,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,129,253,252,252,252,164,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,232,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,233,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,210,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,195,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,178,254,153,0,0,0,0,0,0,0,0,0,0,0,0,57,84,0,0,0,0,0,0,0,0,0,0,45,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,104,218,60,9,0,0,0,0,0,0,0,0,128,254,246,83,0,0,0,0,0,0,0,0,0,0,0,0,16,169,254,222,217,160,121,54,25,30,121,137,247,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,209,254,254,254,254,254,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,46,53,106,106,106,106,53,147,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,175,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,255,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,228,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,240,253,188,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,38,3,9,167,255,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,253,95,138,253,245,197,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,89,215,253,251,75,168,253,226,9,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,215,253,251,187,65,0,168,253,226,0,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,219,253,253,122,0,0,7,195,253,145,21,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,208,253,251,77,3,0,0,22,253,253,131,200,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,251,120,0,0,0,0,89,253,253,212,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,5,230,253,243,0,0,0,0,0,167,253,253,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,247,253,248,58,4,0,0,6,239,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,183,162,162,195,253,253,233,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,191,253,253,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,20,124,207,178,124,180,253,253,206,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,132,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,253,253,48,3,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,48,83,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,219,241,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,162,253,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,222,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,202,11,0,0,0,0,0,0,0,0,0,0,0,74,199,188,11,0,0,0,0,0,0,0,0,76,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,162,253,253,23,0,0,0,0,0,0,0,0,9,194,252,252,117,22,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,65,234,252,252,153,25,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,65,236,252,253,202,93,17,0,0,0,0,0,0,104,236,252,252,22,0,0,0,0,0,0,0,0,0,0,0,61,242,253,252,252,234,178,116,42,85,157,230,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,53,179,234,253,253,253,255,253,253,253,253,244,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,92,92,143,207,214,218,164,92,65,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,19,0,0,24,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,170,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,230,0,0,0,0,0,74,116,116,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,9,76,149,253,253,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,34,174,252,253,252,252,252,252,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,146,66,234,252,252,253,240,183,240,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,249,236,252,252,210,46,37,0,80,202,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,252,252,116,12,0,0,0,0,220,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,255,253,222,25,0,0,0,7,108,253,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,252,135,47,47,120,186,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,169,252,252,252,252,253,252,252,252,252,122,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,252,253,252,252,218,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,137,137,189,253,178,54,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,72,193,214,172,152,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,203,243,253,252,253,252,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,193,254,253,254,233,142,102,102,102,163,223,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,171,91,30,0,0,0,0,0,102,253,232,0,0,0,0,0,0,0,0,0,0,0,0,132,253,224,122,41,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,123,253,212,20,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,183,254,131,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,20,151,30,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,203,102,163,203,203,203,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,254,253,255,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,50,112,151,253,252,192,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,149,254,254,254,235,111,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,197,82,44,44,44,199,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,82,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,208,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,237,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,237,244,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,170,0,0,0,0,35,89,89,137,141,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,249,253,173,122,122,233,232,241,253,253,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,33,219,253,253,253,253,253,255,253,236,199,99,99,195,39,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,206,176,176,66,66,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,166,42,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,56,105,155,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,30,111,173,230,254,254,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,143,165,165,165,165,234,254,254,254,254,254,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,254,254,254,246,234,149,134,46,35,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,220,232,128,152,179,103,80,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,222,162,250,235,150,150,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,254,254,254,254,254,254,224,160,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,194,194,161,95,95,95,135,194,222,228,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,210,241,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,228,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,36,36,36,36,36,165,248,254,243,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,159,190,237,254,254,254,254,254,254,254,246,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,250,254,254,254,254,254,254,252,209,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,61,154,154,154,154,154,194,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,108,232,255,229,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,242,252,124,32,32,120,249,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,230,251,120,0,0,0,0,179,227,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,160,253,202,0,0,0,0,0,135,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,32,0,0,0,0,0,135,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,200,8,0,0,0,0,0,135,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,237,64,0,0,0,0,0,0,135,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,205,0,0,0,0,0,0,0,188,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,135,0,0,0,0,0,0,63,250,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,213,245,21,0,0,0,0,0,0,183,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,141,0,0,0,0,0,0,6,210,172,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,134,0,0,0,0,0,0,86,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,222,0,0,0,0,0,0,168,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,0,0,0,45,250,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,237,243,0,0,0,0,52,242,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,247,40,0,0,90,245,253,160,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,230,58,93,252,253,158,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,253,253,253,238,143,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,145,228,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,232,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,73,0,0,0,0,0,48,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,222,6,0,0,11,127,184,251,247,123,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,248,9,0,0,172,239,241,220,179,248,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,168,0,0,58,250,157,85,6,0,137,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,168,0,30,180,254,101,67,0,0,18,235,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,168,0,122,254,168,153,0,0,0,46,246,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,103,37,241,254,145,0,0,0,0,73,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,232,6,70,254,254,28,0,0,0,0,89,233,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,230,0,77,254,189,3,0,0,0,85,237,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,230,0,149,254,172,0,0,0,93,204,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,230,0,149,255,185,10,45,164,244,253,176,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,249,58,115,254,254,211,254,254,237,149,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,224,251,254,254,254,254,208,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,254,255,242,255,114,65,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,200,178,46,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,132,152,71,152,152,92,92,173,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,253,252,253,252,253,252,192,151,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,233,102,102,102,102,102,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,162,102,102,102,102,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,253,254,253,234,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,71,151,50,50,71,151,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,61,0,0,0,0,0,0,21,183,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,0,0,0,0,0,0,0,131,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,0,0,0,0,0,0,0,0,0,0,0,203,102,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,142,102,41,0,0,0,0,0,0,41,163,243,102,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,253,254,253,234,152,152,152,214,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,71,151,151,151,151,232,253,252,192,151,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,233,193,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,233,50,71,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,142,0,152,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,61,0,51,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,224,20,51,51,51,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,243,203,253,252,253,252,203,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,233,82,82,102,142,234,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,151,0,0,0,0,71,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,213,0,0,0,0,0,183,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,253,252,123,0,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,255,71,0,0,11,173,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,232,82,0,92,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,253,255,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,213,212,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,225,201,156,157,156,89,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,234,181,136,197,234,234,246,177,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,135,0,0,0,0,0,0,87,236,237,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,3,0,0,0,0,0,0,0,53,217,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,202,255,196,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,20,20,20,119,203,254,243,121,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,212,254,254,254,254,254,254,212,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,200,214,124,117,19,19,87,190,246,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,250,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,0,0,0,0,0,0,0,145,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,173,158,0,0,0,0,0,0,99,249,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,255,76,0,0,0,0,0,140,254,147,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,0,0,140,246,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,13,154,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,78,123,167,238,254,155,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,254,223,155,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,64,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,219,252,219,161,100,47,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,202,90,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,160,160,160,160,253,252,252,252,158,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,158,252,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,240,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,252,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,79,0,0,0,0,32,116,116,179,230,230,230,178,0,0,0,0,0,0,0,0,0,0,0,62,243,255,253,86,118,138,255,253,253,253,253,255,253,253,234,73,0,0,0,0,0,0,0,0,0,0,13,215,252,253,252,252,252,252,253,252,252,252,210,207,185,92,17,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,252,252,252,252,253,208,100,69,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,252,253,193,128,45,45,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,22,23,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,118,210,255,183,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,195,206,245,185,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,183,17,21,100,245,242,113,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,211,20,0,0,0,123,253,253,199,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,198,0,0,0,0,29,193,244,253,207,105,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,190,0,0,0,0,0,0,75,191,240,253,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,61,0,0,0,0,0,0,0,0,4,186,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,61,0,0,0,0,0,0,0,0,0,3,241,203,24,0,0,0,0,0,0,0,0,0,0,0,0,97,253,61,0,0,0,0,0,0,0,0,0,0,25,223,177,0,0,0,0,0,0,0,0,0,0,0,0,97,253,61,0,0,0,0,0,0,0,0,0,0,0,183,242,61,0,0,0,0,0,0,0,0,0,0,0,97,253,61,0,0,0,0,0,0,0,0,0,0,0,83,253,175,0,0,0,0,0,0,0,0,0,0,0,97,253,61,0,0,0,0,0,0,0,0,0,0,0,29,218,212,0,0,0,0,0,0,0,0,0,0,0,42,230,139,0,0,0,0,0,0,0,0,0,0,0,0,199,213,3,0,0,0,0,0,0,0,0,0,0,0,213,198,0,0,0,0,0,0,0,0,0,0,0,41,226,253,96,0,0,0,0,0,0,0,0,0,0,0,213,198,0,0,0,0,0,0,0,0,0,0,0,138,253,180,57,0,0,0,0,0,0,0,0,0,0,0,168,246,116,0,0,0,0,0,0,0,0,0,90,249,233,51,0,0,0,0,0,0,0,0,0,0,0,0,17,205,246,115,0,0,0,0,0,0,0,31,140,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,173,249,109,42,5,0,0,5,46,215,253,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,243,253,168,158,158,168,253,253,233,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,116,164,253,253,253,249,116,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,175,254,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,253,252,252,252,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,127,226,252,252,250,238,252,252,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,252,236,189,115,28,239,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,252,155,111,0,0,116,249,252,164,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,254,151,0,0,0,8,201,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,186,16,0,0,0,78,252,210,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,158,0,0,0,54,245,252,233,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,239,133,6,0,132,253,196,172,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,174,253,252,152,98,246,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,243,253,253,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,237,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,234,252,252,250,197,135,161,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,199,200,252,252,182,113,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,252,112,7,7,86,138,217,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,250,70,0,0,0,0,27,150,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,36,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,233,22,13,0,16,31,153,241,250,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,217,169,232,252,252,252,185,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,182,199,191,147,191,226,199,147,103,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,132,234,155,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,84,247,247,246,254,244,204,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,201,254,254,60,18,90,168,254,230,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,214,111,55,0,0,9,127,254,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,169,0,0,0,0,0,11,230,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,179,2,0,0,0,0,0,170,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,48,0,0,0,0,0,170,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,231,104,1,0,0,31,250,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,254,255,137,56,23,167,254,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,115,243,254,253,251,254,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,248,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,116,233,254,254,254,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,254,243,180,59,129,254,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,133,20,0,0,44,244,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,113,0,0,0,0,31,213,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,243,42,0,0,0,0,170,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,152,0,0,0,3,182,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,208,230,75,0,0,51,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,244,253,204,145,234,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,213,254,254,254,160,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,13,13,13,13,88,133,133,133,133,133,133,76,0,0,0,0,0,0,0,0,0,0,0,0,0,54,181,253,253,253,254,253,253,253,253,253,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,56,231,253,253,253,253,254,232,217,217,217,125,96,96,96,5,0,0,0,0,0,0,0,0,0,0,0,33,230,253,253,235,95,84,85,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,253,253,163,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,235,253,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,253,235,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,251,155,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,204,254,254,254,254,150,24,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,131,229,248,253,253,253,202,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,136,231,253,253,198,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,136,251,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,184,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,125,28,0,0,0,0,0,119,251,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,148,29,0,0,29,131,249,253,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,253,206,127,218,230,253,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,253,253,253,206,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,132,132,132,75,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,19,0,45,230,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,206,136,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,103,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,254,99,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,250,8,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,219,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,251,94,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,207,36,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,254,254,237,214,214,237,254,237,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,233,254,254,254,254,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,31,52,52,73,73,168,254,229,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,251,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,139,249,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,241,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,255,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,255,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,209,253,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,175,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,164,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,191,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,0,0,82,195,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,115,0,0,0,0,0,84,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,0,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,254,115,0,0,0,0,0,169,255,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,229,12,0,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,254,107,0,0,0,0,0,7,230,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,43,0,0,0,0,0,30,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,220,254,166,16,20,16,0,0,0,107,254,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,210,213,254,240,178,149,38,137,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,254,254,254,218,254,254,247,252,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,250,220,64,48,12,48,77,55,212,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,103,0,0,0,0,0,0,0,202,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,70,6,0,0,0,0,0,0,8,211,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,248,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,194,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,7,2,0,0,0,0,0,58,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,34,160,254,254,128,0,0,0,0,0,225,203,13,0,0,0,0,0,0,0,0,0,0,0,0,2,96,214,254,254,250,236,112,0,0,0,0,0,99,253,136,0,0,0,0,0,0,0,0,0,0,0,2,109,254,254,250,205,82,0,0,0,0,0,0,0,0,237,206,16,0,0,0,0,0,0,0,0,0,2,109,254,254,216,82,0,0,0,0,0,0,0,0,0,0,237,254,145,0,0,0,0,0,0,0,0,1,110,254,254,216,34,0,0,0,0,0,0,0,0,0,0,0,157,254,254,0,0,0,0,0,0,0,0,7,254,254,238,34,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,0,0,0,0,0,0,0,0,7,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,254,0,0,0,0,0,0,0,0,96,254,241,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,0,0,0,0,0,0,0,0,131,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,0,0,0,0,0,0,0,0,226,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,0,0,0,0,0,0,0,0,219,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,0,0,0,0,0,0,0,0,131,254,242,34,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,215,0,0,0,0,0,0,0,0,89,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,130,0,0,0,0,0,0,0,0,7,254,254,251,130,0,0,0,0,0,0,0,0,0,0,0,40,243,254,130,0,0,0,0,0,0,0,0,1,103,254,254,251,82,0,0,0,0,0,0,0,0,0,40,225,254,208,18,0,0,0,0,0,0,0,0,0,2,154,254,254,221,89,0,0,0,0,0,0,0,40,225,255,254,85,0,0,0,0,0,0,0,0,0,0,0,10,103,254,254,251,151,33,0,0,0,0,136,243,254,254,96,1,0,0,0,0,0,0,0,0,0,0,0,0,14,150,254,254,254,247,243,243,243,243,253,254,208,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,6,6,6,6,6,6,6,6,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,154,210,169,59,60,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,212,242,246,254,231,254,250,252,246,242,160,70,70,17,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,211,185,138,69,74,57,63,118,189,189,241,254,235,117,40,0,0,0,0,0,0,0,0,0,0,0,42,202,160,0,0,0,0,0,0,0,0,0,17,60,144,239,212,63,0,0,0,0,0,0,0,0,0,0,0,17,10,0,0,0,0,0,0,0,0,0,0,6,38,175,254,183,113,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,228,244,254,254,237,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,209,236,105,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,247,73,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,149,224,174,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,73,245,189,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,174,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,94,239,255,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,116,219,254,254,247,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,143,241,254,254,254,239,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,156,242,254,254,212,155,122,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,145,189,149,73,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,64,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,128,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,64,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,64,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,255,255,255,170,226,226,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,170,170,170,226,198,170,170,170,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,0,0,0,0,0,0,0,0,0,86,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,24,133,214,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,94,253,253,253,236,229,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,254,250,217,136,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,206,253,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,192,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,220,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,253,221,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,247,253,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,252,116,0,0,0,0,0,0,0,0,3,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,193,0,0,0,0,0,0,3,100,145,171,253,126,15,0,0,0,0,0,0,0,0,0,0,0,16,217,253,118,0,0,0,0,35,101,167,253,253,253,253,253,170,4,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,19,101,250,254,253,253,198,84,132,253,253,24,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,21,134,253,253,217,72,72,24,15,174,253,230,18,0,0,0,0,0,0,0,0,0,0,25,253,253,164,0,177,253,253,184,29,0,0,49,174,253,253,156,0,0,0,0,0,0,0,0,0,0,0,17,221,253,213,120,244,253,217,8,0,9,86,198,253,253,184,30,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,253,186,98,161,221,253,253,230,156,47,0,0,0,0,0,0,0,0,0,0,0,0,0,4,105,222,253,253,253,253,253,254,253,253,180,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,167,253,253,253,253,191,121,11,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,207,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,251,250,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,196,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,212,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,230,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,254,229,236,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,250,58,26,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,243,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,237,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,250,253,124,37,38,20,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,241,114,250,254,254,213,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,181,254,227,246,254,254,254,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,211,12,84,21,39,114,124,252,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,201,0,0,0,0,0,0,136,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,60,0,0,0,0,0,0,17,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,218,251,9,0,0,0,0,0,0,91,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,168,0,0,0,0,0,0,57,237,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,255,168,0,0,0,0,0,56,237,253,161,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,240,202,4,0,0,1,126,236,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,97,0,22,139,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,249,226,236,254,221,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,131,251,254,254,145,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,167,174,174,94,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,157,245,243,226,226,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,212,128,32,0,0,134,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,241,151,14,0,0,0,0,0,187,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,248,120,0,0,0,0,0,0,0,58,240,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,222,61,0,0,0,0,0,0,0,0,24,242,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,16,0,0,0,0,0,0,0,0,0,0,160,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,109,242,229,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,56,140,224,254,251,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,202,253,253,253,254,234,127,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,254,255,254,254,254,201,107,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,80,55,13,13,13,59,139,185,234,254,244,156,69,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,90,188,243,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,107,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,210,253,249,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,247,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,173,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,255,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,235,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,226,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,193,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,244,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,249,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,225,190,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,149,255,254,210,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,253,253,242,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,245,217,239,250,210,73,225,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,242,51,0,63,237,253,253,253,233,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,185,0,0,0,160,253,253,253,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,168,26,62,95,238,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,234,249,253,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,159,246,253,253,253,253,253,253,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,144,144,81,124,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,232,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,242,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,77,77,77,77,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,87,212,242,254,254,254,254,238,151,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,254,254,254,254,254,254,254,171,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,206,254,254,254,254,227,173,173,237,254,254,254,162,26,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,254,254,198,68,18,0,0,21,185,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,68,0,0,0,0,0,9,180,254,254,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,29,167,87,7,0,0,0,0,0,0,14,218,254,254,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,93,93,93,93,73,0,0,0,207,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,49,133,239,244,254,254,254,254,251,239,183,130,231,254,254,96,3,7,0,0,0,0,0,0,0,0,0,98,231,254,254,254,254,254,254,254,254,254,254,254,254,254,254,183,179,194,123,0,0,0,0,0,0,0,0,235,254,254,254,254,208,156,156,163,254,254,254,254,254,254,254,254,254,254,166,0,0,0,0,0,0,0,0,151,254,254,254,173,91,28,65,136,215,254,254,254,254,254,254,254,254,158,22,0,0,0,0,0,0,0,0,63,237,254,254,254,254,254,254,254,255,254,254,255,201,189,189,189,129,24,0,0,0,0,0,0,0,0,0,0,111,242,254,254,254,254,254,254,254,254,246,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,114,114,114,134,222,123,114,74,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,255,254,254,247,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,139,223,249,253,254,253,253,253,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,228,253,253,253,240,152,132,189,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,254,253,146,126,61,0,0,40,230,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,168,23,0,0,0,0,27,238,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,254,208,7,0,0,0,0,0,63,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,253,181,0,0,0,0,0,0,128,253,201,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,217,9,0,0,0,0,8,210,192,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,128,0,0,0,0,94,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,254,237,58,0,0,0,113,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,255,254,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,253,239,81,55,74,145,145,177,145,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,95,244,253,253,253,254,253,253,237,216,191,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,218,254,253,253,253,253,254,100,54,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,253,254,233,162,201,253,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,182,7,0,0,182,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,253,111,0,0,0,181,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,243,114,37,76,217,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,248,254,253,253,253,253,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,163,247,253,253,220,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,236,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,213,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,202,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,177,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,245,246,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,244,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,103,0,0,0,9,67,158,177,153,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,22,0,31,148,217,253,253,253,253,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,253,90,90,218,253,252,231,139,190,253,246,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,236,150,77,0,22,207,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,238,67,0,0,0,138,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,230,32,0,2,118,250,238,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,137,250,253,180,155,168,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,254,253,145,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,33,115,191,143,66,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,240,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,245,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,239,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,241,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,232,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,244,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,112,195,166,116,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,228,254,231,192,160,249,166,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,153,242,171,47,17,0,0,73,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,36,192,246,140,23,0,0,0,0,111,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,254,240,85,0,0,0,0,0,93,250,143,11,0,0,0,0,0,0,0,0,0,0,0,0,0,2,63,248,95,25,0,0,0,0,0,3,160,212,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,239,49,0,0,0,0,0,0,0,111,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,73,0,0,0,0,0,0,0,3,224,187,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,219,0,0,0,0,0,0,0,43,213,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,219,0,0,0,45,35,16,0,6,205,240,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,232,211,179,179,245,129,27,0,72,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,168,202,147,43,0,0,3,201,245,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,222,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,42,168,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,21,25,25,146,145,161,253,253,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,72,203,240,253,253,254,253,253,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,254,253,223,237,218,205,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,230,222,193,130,72,28,48,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,96,37,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,167,218,218,218,98,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,247,253,253,253,253,253,254,228,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,253,253,253,254,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,213,122,81,0,111,122,186,254,254,231,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,109,198,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,241,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,49,49,7,0,0,0,0,0,170,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,142,199,253,106,10,0,0,0,0,0,112,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,106,12,0,0,0,0,0,11,194,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,182,57,0,0,0,0,49,167,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,226,253,241,172,98,98,219,238,253,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,228,253,253,253,253,254,253,253,180,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,116,242,253,254,242,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,151,194,255,224,130,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,253,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,244,213,111,111,145,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,0,0,0,63,253,253,180,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,253,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,203,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,75,100,237,253,253,217,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,141,157,236,253,253,253,253,253,253,214,205,99,190,144,90,44,0,0,0,0,0,0,0,0,0,0,47,181,253,253,253,253,253,253,253,253,253,226,239,253,253,253,253,234,66,0,0,0,0,0,0,0,0,6,237,253,253,253,253,253,253,253,230,127,37,25,31,37,37,37,151,103,1,0,0,0,0,0,0,0,0,7,253,253,244,79,172,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,177,29,245,253,253,178,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,181,86,238,253,253,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,247,249,253,253,175,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,199,241,129,51,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,239,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,192,254,251,247,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,175,247,253,205,86,108,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,159,250,253,231,138,8,0,67,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,254,245,155,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,241,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,226,222,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,209,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,186,253,247,166,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,148,253,253,253,135,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,188,240,255,208,127,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,122,242,253,217,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,169,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,130,253,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,36,0,0,0,0,0,0,0,0,62,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,155,0,0,0,0,0,0,0,44,228,253,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,223,117,12,0,0,0,19,86,229,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,206,254,229,204,234,234,239,253,253,231,101,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,238,253,253,253,254,207,88,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,160,0,0,0,0,0,0,0,0,0,202,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,48,0,0,0,0,0,0,0,0,179,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,80,0,0,0,0,0,0,0,0,192,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,197,15,0,0,0,0,0,0,57,251,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,217,53,0,0,0,0,0,0,68,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,241,254,134,0,0,0,0,0,0,0,68,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,80,0,0,0,0,0,0,0,68,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,106,0,0,0,0,0,0,0,68,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,224,254,249,237,154,132,90,59,59,38,173,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,248,254,254,254,254,254,254,254,254,244,254,245,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,253,193,109,44,44,44,51,133,172,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,237,133,0,0,0,0,0,0,0,81,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,204,235,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,100,48,0,0,0,0,0,0,0,0,0,230,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,26,224,232,0,0,0,0,0,0,0,0,34,238,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,158,0,0,0,0,0,0,0,144,252,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,221,0,0,0,0,0,0,0,208,253,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,95,0,0,0,0,0,0,0,207,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,0,0,0,0,32,0,32,83,240,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,208,207,207,207,228,208,228,240,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,253,252,252,252,252,253,252,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,210,230,231,230,199,116,116,53,0,81,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,236,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,189,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,137,77,124,202,255,255,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,253,253,253,206,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,221,253,252,248,91,104,181,249,253,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,218,251,120,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,214,202,0,0,0,0,0,7,193,253,218,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,226,0,0,0,0,0,2,177,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,217,237,0,0,0,0,0,28,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,230,0,0,0,0,0,111,253,253,228,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,0,0,0,0,0,188,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,253,216,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,157,253,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,55,168,168,168,168,131,31,0,0,40,188,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,104,247,253,253,253,253,253,230,206,121,177,253,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,253,253,242,253,253,253,253,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,242,154,81,81,46,120,253,253,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,210,0,5,170,211,232,253,253,245,105,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,234,107,227,253,253,253,253,228,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,253,242,75,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,131,163,253,253,186,109,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,148,245,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,116,0,0,0,116,227,252,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,250,197,30,162,240,214,126,126,210,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,252,252,139,49,0,0,6,190,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,252,128,0,0,0,153,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,224,253,104,0,15,237,199,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,226,85,185,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,249,253,252,224,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,246,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,236,150,199,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,252,112,0,21,237,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,252,141,4,0,0,127,247,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,141,28,0,0,0,7,196,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,21,0,0,0,0,0,126,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,151,0,0,0,0,0,0,82,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,98,0,0,0,0,0,8,197,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,210,28,0,0,13,57,181,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,163,240,169,169,218,252,221,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,147,191,147,68,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,20,20,16,13,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,153,195,249,254,253,240,231,231,159,118,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,217,195,194,194,194,254,253,253,241,161,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,55,8,0,0,0,0,19,31,97,122,230,253,195,36,0,0,0,0,0,0,0,0,0,0,0,0,7,79,36,0,0,0,0,0,0,0,0,0,31,129,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,121,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,71,136,161,242,253,203,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,168,234,186,218,253,253,205,175,79,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,254,255,242,116,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,172,214,214,242,253,253,253,165,82,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,75,134,212,254,253,202,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,74,169,253,247,175,18,0,0,0,0,0,0,0,0,0,0,14,194,111,0,0,0,0,0,0,0,0,0,0,0,85,240,255,218,33,0,0,0,0,0,0,0,0,0,98,253,75,0,0,0,0,0,0,0,0,0,0,0,0,36,169,253,222,27,0,0,0,0,0,0,0,0,52,240,232,95,0,0,0,0,0,0,0,0,0,0,0,0,3,143,253,205,0,0,0,0,0,0,0,0,0,87,241,253,205,85,0,0,0,0,0,0,0,0,0,0,0,3,217,253,0,0,0,0,0,0,0,0,0,0,43,127,242,254,211,175,99,86,20,14,0,0,0,0,8,92,242,248,0,0,0,0,0,0,0,0,0,0,0,0,29,148,214,250,254,253,253,235,196,195,153,189,218,253,232,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,117,128,152,117,171,194,208,217,195,123,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,194,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,28,50,15,114,246,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,175,254,253,253,146,0,156,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,144,234,236,253,254,237,210,99,0,209,204,36,0,0,0,0,0,0,0,0,0,0,0,0,0,16,135,231,253,253,80,177,58,74,40,0,76,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,255,226,128,8,0,0,0,0,47,231,99,15,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,253,151,21,0,0,0,0,0,37,228,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,185,0,0,0,0,0,0,0,109,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,208,31,0,0,0,0,0,19,205,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,253,218,53,0,0,0,0,20,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,232,254,155,27,0,14,186,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,47,220,253,232,177,149,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,145,247,253,254,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,208,254,253,253,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,208,66,185,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,239,254,38,0,49,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,170,0,25,226,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,155,19,196,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,220,245,239,250,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,231,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,155,214,254,254,254,254,166,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,209,251,253,253,249,243,243,250,253,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,133,245,253,192,113,89,53,0,0,130,253,202,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,239,62,2,0,0,0,0,8,209,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,223,0,0,0,0,0,0,84,253,246,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,232,161,0,0,0,0,0,31,225,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,7,0,0,0,0,0,94,253,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,248,245,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,223,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,175,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,233,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,232,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,225,253,160,8,0,1,15,65,185,167,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,170,253,162,2,29,94,174,253,253,204,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,238,55,143,236,254,242,162,41,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,253,253,252,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,164,252,253,253,227,140,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,181,253,253,188,109,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,212,254,240,107,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,183,206,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,207,253,0,0,0,0,0,114,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,126,0,0,0,0,113,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,110,0,0,0,0,113,252,252,199,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,38,234,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,146,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,0,0,0,0,0,0,85,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,85,252,252,252,163,9,0,0,0,0,0,0,0,0,0,0,0,26,200,252,252,252,0,0,0,0,0,0,19,209,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,29,76,169,169,169,108,19,181,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,252,252,252,253,214,88,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,63,241,253,253,253,255,253,253,253,253,255,253,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,253,176,167,151,106,253,252,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,19,55,55,55,56,6,0,0,0,56,55,55,187,252,253,233,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,253,252,202,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,158,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,50,170,131,131,37,68,7,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,254,254,254,254,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,254,254,254,254,254,254,254,254,248,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,254,254,237,229,229,249,247,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,214,254,254,254,147,29,0,0,78,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,121,254,254,254,254,102,10,44,78,168,168,168,168,59,5,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,254,254,239,192,254,254,254,254,254,254,254,130,4,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,254,254,254,254,254,238,192,192,213,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,10,225,254,254,254,254,241,186,155,45,0,0,22,227,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,254,183,45,0,0,0,0,0,0,218,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,4,123,173,155,17,0,0,0,0,0,0,71,248,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,9,34,0,0,0,0,0,0,0,0,191,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,7,170,232,126,0,0,0,0,0,0,30,228,254,254,215,12,0,0,0,0,0,0,0,0,0,0,0,0,12,213,254,250,142,32,0,0,0,30,210,254,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,254,254,238,231,231,231,238,254,254,254,213,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,254,254,254,254,254,254,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,27,153,254,254,254,254,254,254,254,254,108,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,91,157,254,221,130,130,26,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,128,0,0,0,64,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,126,254,254,254,231,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,101,214,253,253,244,244,253,251,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,253,253,218,113,2,5,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,251,128,16,0,0,5,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,87,0,0,0,0,5,253,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,182,215,12,0,0,0,0,57,253,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,80,0,0,0,0,17,194,253,243,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,241,253,253,253,145,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,253,253,194,239,253,201,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,170,2,49,184,253,252,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,248,150,29,0,0,42,158,252,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,6,138,119,20,0,0,0,0,0,0,0,0,108,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,79,0,0,0,0,0,0,0,13,216,236,33,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,99,0,0,0,0,0,0,82,187,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,206,134,134,134,133,59,140,247,254,242,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,253,253,253,253,253,253,253,253,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,249,253,253,254,253,253,253,253,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,153,169,216,232,152,94,54,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,96,156,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,187,253,242,201,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,190,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,255,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,255,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,221,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,243,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,31,51,51,132,152,193,214,213,21,0,0,0,0,0,0,0,0,0,0,0,102,183,203,203,203,203,203,243,233,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,62,254,253,254,253,254,253,244,243,203,243,224,122,102,183,255,253,102,0,0,0,0,0,0,0,0,0,0,20,172,252,253,252,253,252,122,40,0,40,20,0,0,82,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,0,0,0,0,0,0,0,102,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,171,20,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,75,137,219,255,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,68,201,254,254,254,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,224,254,254,245,128,119,209,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,236,108,25,0,10,223,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,199,170,0,0,0,61,254,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,74,0,0,0,162,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,236,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,231,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,203,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,247,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,205,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,167,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,253,253,232,109,0,32,31,63,110,109,109,109,110,109,31,0,0,0,0,0,0,0,0,0,0,21,181,252,252,252,252,252,218,227,227,237,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,253,252,252,252,217,91,20,0,0,0,0,0,0,0,0,0,0,31,128,252,252,252,252,252,253,252,252,252,253,252,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,190,252,252,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,252,238,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,252,252,253,252,252,252,253,231,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,252,252,253,252,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,208,104,21,207,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,159,179,97,20,0,0,20,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,73,21,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,92,0,0,0,27,120,253,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,215,0,0,0,181,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,232,109,171,253,253,253,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,222,138,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,215,247,252,252,253,252,246,215,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,253,128,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,13,48,133,133,133,133,140,254,254,255,225,191,93,8,0,0,0,0,0,0,0,0,0,0,0,14,161,253,253,253,253,253,253,253,254,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,217,15,0,0,0,0,0,0,0,0,0,0,20,235,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,224,252,181,90,169,101,239,253,253,24,0,0,0,0,0,0,0,0,0,0,0,38,60,60,60,60,60,60,32,57,0,0,0,18,211,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,209,253,253,216,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,250,253,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,212,253,253,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,239,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,253,253,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,253,239,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,138,184,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,205,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,168,242,247,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,247,211,174,209,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,254,118,5,0,18,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,150,4,0,0,18,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,214,221,3,0,0,0,22,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,82,0,0,0,0,169,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,246,0,0,0,0,46,233,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,246,0,0,0,0,173,254,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,250,134,110,98,150,249,113,192,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,212,254,254,254,254,113,10,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,58,90,90,58,10,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,186,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,196,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,152,254,224,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,249,254,227,123,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,251,254,211,72,62,62,62,62,140,149,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,254,254,254,254,254,254,254,254,254,254,250,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,254,235,207,123,123,68,35,80,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,248,164,44,26,0,0,0,0,0,137,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,43,0,0,0,0,0,0,0,7,231,254,226,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,193,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,201,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,255,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,124,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,194,199,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,244,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,231,253,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,195,13,0,86,118,118,118,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,119,147,234,248,253,253,253,245,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,253,253,253,253,197,177,221,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,155,61,17,6,168,253,174,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,235,85,9,0,0,122,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,200,4,0,0,0,165,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,77,0,36,130,210,253,189,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,153,253,191,12,128,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,210,253,230,248,253,253,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,181,209,253,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,68,204,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,230,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,227,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,111,180,254,254,192,64,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,228,253,253,253,253,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,253,224,170,96,96,237,253,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,181,16,0,0,0,50,233,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,17,0,0,0,0,0,145,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,249,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,60,145,145,145,145,203,253,220,25,25,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,118,226,253,253,253,253,253,254,253,253,253,253,180,157,157,142,6,0,0,0,0,0,0,0,0,0,5,136,253,253,239,205,205,226,253,254,225,205,228,240,230,214,158,48,0,0,0,0,0,0,0,0,0,0,54,253,242,164,52,0,24,201,253,159,31,0,35,52,38,14,0,0,0,0,0,0,0,0,0,0,0,0,145,253,113,0,0,25,200,253,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,233,253,84,0,25,199,253,217,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,148,184,228,253,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,104,253,253,253,253,217,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,132,213,224,98,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,215,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,197,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,235,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,80,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,157,178,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,147,185,0,0,0,0,0,0,3,157,189,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,223,254,134,0,0,0,0,0,0,159,204,20,0,0,0,0,0,0,0,0,0,0,0,0,0,35,209,244,188,182,0,0,0,0,0,0,96,244,28,0,0,0,0,0,0,0,0,0,0,0,0,7,108,238,169,28,52,30,0,0,0,0,0,133,241,81,0,0,0,0,0,0,0,0,0,0,0,0,6,151,244,111,6,0,0,0,0,0,0,0,56,248,97,0,0,0,0,0,0,0,0,0,0,0,0,0,131,241,57,0,0,0,0,0,0,0,0,49,232,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,126,0,0,0,0,0,0,0,0,32,213,222,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,180,55,0,15,0,0,49,111,138,237,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,192,248,241,223,194,211,212,163,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,27,13,7,7,0,140,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,247,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,248,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,248,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,152,214,253,254,253,254,253,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,252,253,252,233,151,253,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,162,41,0,0,0,0,0,92,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,171,0,0,0,0,0,0,0,0,10,172,253,50,0,0,0,0,0,0,0,0,0,0,0,0,113,233,41,0,0,0,0,0,0,0,0,0,0,102,255,112,0,0,0,0,0,0,0,0,0,0,0,0,233,192,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,82,203,0,0,0,0,0,0,0,0,0,0,0,163,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,142,102,20,0,0,62,203,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,255,253,255,253,254,172,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,233,70,91,252,253,252,253,252,243,203,203,203,163,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,255,253,244,203,62,142,203,203,142,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,213,252,233,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,125,125,216,168,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,119,223,251,254,169,158,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,226,247,254,254,226,46,4,47,254,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,254,254,254,133,14,0,0,4,176,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,177,25,6,0,0,0,0,170,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,102,0,0,0,0,0,17,201,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,189,254,198,15,0,0,0,0,47,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,228,254,218,106,146,79,106,218,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,244,254,254,254,254,254,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,189,189,189,189,189,235,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,225,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,255,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,147,234,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,63,132,232,152,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,240,254,254,254,254,231,222,138,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,254,254,254,254,254,254,254,205,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,151,101,8,128,197,229,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,186,254,248,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,227,254,248,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,251,254,221,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,250,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,239,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,121,254,250,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,117,169,132,173,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,109,250,254,254,254,254,254,254,250,72,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,254,254,254,254,254,254,254,137,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,254,254,254,254,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,253,254,254,254,221,96,45,128,243,255,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,142,158,67,12,0,0,0,41,237,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,228,53,16,204,253,216,141,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,165,253,252,252,252,253,196,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,106,56,56,56,119,224,209,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,77,28,0,0,0,0,0,19,203,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,247,50,0,0,0,0,0,0,0,126,250,126,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,121,0,0,0,0,0,0,0,0,0,200,225,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,84,0,0,0,0,0,0,0,0,0,113,247,66,0,0,0,0,0,0,0,0,0,0,0,0,197,252,228,9,0,0,0,0,0,0,0,0,0,113,253,84,0,0,0,0,0,0,0,0,0,0,0,0,198,253,163,0,0,0,0,0,0,0,0,0,0,114,254,203,7,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,45,240,252,25,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,51,247,140,0,0,0,0,0,0,0,0,0,0,0,126,254,247,50,0,0,0,0,0,0,0,0,0,0,0,197,139,0,0,0,0,0,0,0,0,0,0,82,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,197,228,38,0,0,0,0,0,0,0,0,19,215,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,97,252,163,0,0,0,0,0,0,0,13,194,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,242,66,7,0,0,0,10,79,204,253,253,190,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,252,100,57,70,169,197,252,253,252,208,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,252,252,253,252,252,252,253,196,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,65,190,253,252,252,151,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,56,0,0,0,0,0,0,159,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,126,0,0,0,0,0,59,249,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,91,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,0,0,9,204,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,21,0,0,0,0,0,169,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,15,225,252,106,48,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,153,252,252,229,242,232,211,124,89,0,0,0,0,0,0,0,0,0,0,0,0,254,253,83,0,18,148,227,253,253,253,255,222,211,239,253,255,253,156,67,0,0,0,0,0,0,0,0,0,253,252,126,84,216,253,252,252,252,252,107,16,0,42,63,168,231,252,237,67,0,0,0,0,0,0,0,0,200,252,242,246,252,253,201,180,252,252,0,0,0,0,0,0,16,74,170,29,0,0,0,0,0,0,0,0,174,252,252,252,252,128,21,48,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,226,59,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,170,0,0,0,0,110,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,63,32,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,82,238,255,255,154,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,117,254,229,107,160,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,217,46,0,0,189,247,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,245,32,0,0,0,77,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,122,0,0,0,16,196,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,55,0,0,39,222,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,223,0,13,149,238,229,171,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,201,128,235,254,181,33,244,248,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,242,123,10,134,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,213,151,30,0,0,226,254,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,249,172,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,213,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,206,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,221,247,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,218,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,238,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,167,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,20,0,0,0,41,173,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,123,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,233,151,0,0,41,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,203,0,0,0,152,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,122,0,0,0,193,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,172,0,0,0,82,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,172,10,0,0,0,203,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,82,0,0,0,31,233,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,130,0,0,0,0,173,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,203,20,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,223,203,142,102,41,82,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,253,254,253,254,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,50,131,172,252,253,252,253,232,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,253,254,213,214,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,50,131,213,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,151,0,0,0,41,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,193,254,253,234,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,131,50,131,252,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,233,123,0,0,0,0,41,234,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,151,0,0,0,0,0,0,30,30,62,183,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,50,0,0,0,0,0,0,0,21,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,41,223,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,62,214,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,232,123,0,0,0,0,183,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,172,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,252,183,102,233,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,253,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,213,212,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,173,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,20,0,10,212,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,21,0,31,233,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,162,142,173,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,255,253,255,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,212,151,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,196,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,142,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,206,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,254,185,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,107,155,171,218,155,155,155,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,223,254,254,229,221,205,244,247,252,183,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,235,177,90,5,0,0,0,22,100,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,245,56,0,0,0,0,0,0,0,3,62,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,234,0,0,0,0,0,0,0,0,0,0,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,84,0,0,0,0,0,0,0,0,9,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,204,9,0,0,0,0,2,105,0,104,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,195,218,27,0,0,44,205,164,15,239,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,208,235,49,36,189,113,0,93,174,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,138,234,229,146,1,36,234,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,241,255,166,23,61,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,126,245,118,189,215,144,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,124,0,24,123,240,86,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,197,5,0,0,0,77,188,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,81,0,0,0,0,0,8,157,176,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,245,48,0,0,0,0,0,0,0,76,208,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,224,0,0,0,0,0,0,0,0,0,117,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,247,88,0,0,0,0,0,0,0,0,0,135,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,156,251,151,69,19,0,0,0,0,5,46,150,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,55,149,194,142,159,163,200,200,206,223,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,255,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,254,26,0,202,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,26,0,220,249,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,26,0,173,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,26,0,60,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,251,254,171,54,13,221,221,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,254,254,217,247,254,148,126,117,39,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,220,254,254,254,254,254,254,254,254,254,250,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,71,137,153,223,249,254,254,251,223,218,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,96,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,225,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,226,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,54,49,0,0,0,0,0,53,54,131,172,172,126,29,0,0,0,0,0,0,0,0,0,0,0,0,59,148,254,197,0,0,22,72,180,253,254,254,254,254,254,191,0,0,0,0,0,0,0,0,0,0,19,178,246,217,52,21,57,172,222,254,254,254,254,196,135,47,47,25,0,0,0,0,0,0,0,0,0,66,193,254,254,242,170,226,244,254,254,254,157,142,29,10,0,0,0,0,0,0,0,0,0,0,0,0,9,204,254,254,152,179,246,129,129,47,11,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,198,254,254,66,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,222,254,254,122,42,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,165,244,254,254,212,178,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,164,251,254,254,241,160,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,168,254,255,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,43,168,254,246,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,0,39,223,254,199,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,150,38,0,0,21,48,59,222,254,240,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,198,240,151,66,200,254,254,254,239,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,53,53,53,158,171,171,97,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,154,157,216,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,227,254,254,254,252,183,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,209,254,190,189,230,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,236,58,1,0,22,173,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,206,214,0,0,0,0,116,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,73,0,0,0,8,171,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,192,4,0,0,0,133,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,169,0,0,0,21,249,199,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,169,0,0,19,200,232,63,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,186,51,51,169,254,135,114,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,254,128,19,116,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,136,19,0,178,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,40,95,63,1,0,0,215,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,242,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,247,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,168,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,157,254,255,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,248,252,253,253,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,251,253,253,225,113,12,180,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,253,221,45,14,0,0,81,32,122,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,205,71,0,0,0,42,232,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,253,253,244,222,125,92,188,253,241,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,111,253,253,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,45,148,195,253,253,253,180,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,230,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,239,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,238,253,253,253,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,239,242,157,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,181,83,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,226,231,253,207,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,150,191,255,218,138,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,244,253,217,160,231,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,232,250,253,146,6,0,8,182,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,233,253,253,253,98,0,0,0,135,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,245,82,222,151,0,0,0,135,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,238,0,110,201,0,0,0,165,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,238,0,13,24,0,0,49,246,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,238,0,0,0,0,11,207,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,252,251,74,0,0,0,173,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,164,9,0,21,250,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,253,124,42,222,180,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,252,250,237,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,253,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,124,250,146,124,253,203,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,243,29,110,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,238,4,110,253,209,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,193,201,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,76,241,253,253,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,255,254,169,98,254,255,254,254,254,151,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,253,253,253,253,253,253,233,158,27,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,253,253,253,253,253,253,253,253,215,34,0,0,0,0,0,0,0,0,0,0,0,36,200,155,253,228,113,113,113,215,253,253,253,253,253,253,253,202,34,0,0,0,0,0,0,0,0,0,0,0,21,11,34,28,0,5,44,75,253,253,253,253,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,136,253,253,253,253,253,253,253,253,253,197,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,253,253,253,253,253,253,253,229,226,81,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,253,253,223,147,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,253,253,64,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,253,253,253,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,87,219,253,253,253,253,253,253,175,167,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,8,14,182,229,253,253,253,253,101,71,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,253,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,128,211,253,253,253,251,228,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,36,36,36,36,138,219,253,253,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,100,115,115,172,253,253,253,253,253,253,253,253,253,253,209,43,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,253,253,253,253,253,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,253,253,253,253,253,253,253,253,172,156,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,78,217,253,253,253,253,253,253,95,78,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,70,170,254,254,254,203,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,239,254,253,253,253,254,253,234,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,132,253,253,254,232,230,230,197,251,253,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,170,253,253,253,103,6,0,0,0,129,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,255,216,134,0,0,0,0,0,0,0,208,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,216,19,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,67,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,199,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,247,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,253,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,230,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,238,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,227,195,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,239,253,202,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,247,240,103,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,146,254,208,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,230,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,242,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,224,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,244,253,130,40,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,247,211,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,255,254,181,71,129,231,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,248,45,0,0,25,126,250,250,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,204,0,0,0,0,0,142,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,168,0,0,0,0,0,128,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,168,0,0,0,0,0,146,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,169,0,0,0,0,46,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,172,0,0,0,3,153,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,250,108,3,16,168,253,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,253,240,243,254,200,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,182,190,194,101,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,73,50,133,255,254,254,190,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,239,220,253,253,253,253,253,246,180,48,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,253,253,253,253,253,253,177,14,0,0,0,0,0,0,0,0,0,0,0,0,3,126,253,253,253,253,253,253,253,253,253,253,253,253,253,61,14,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,177,8,0,0,0,0,0,0,0,0,0,18,195,253,253,253,253,226,55,40,40,151,223,253,253,253,253,253,253,15,0,0,0,0,0,0,0,0,0,91,253,253,253,253,253,114,0,0,0,0,45,128,253,253,253,253,253,15,0,0,0,0,0,0,0,0,0,91,253,253,253,253,240,85,0,0,0,0,0,3,24,209,253,253,253,164,0,0,0,0,0,0,0,0,0,91,253,253,253,253,204,0,0,0,0,0,0,0,0,105,253,253,253,224,55,0,0,0,0,0,0,0,0,91,253,253,253,213,31,0,0,0,0,0,0,0,0,42,253,253,253,253,89,0,0,0,0,0,0,0,0,91,253,253,253,129,0,0,0,0,0,0,0,0,0,153,253,253,253,253,89,0,0,0,0,0,0,0,0,91,253,253,253,178,16,0,0,0,0,0,0,0,45,224,253,253,253,253,89,0,0,0,0,0,0,0,0,91,253,253,253,161,10,0,0,0,0,0,0,35,218,253,253,253,253,182,23,0,0,0,0,0,0,0,0,91,253,253,253,186,18,0,0,0,0,4,116,218,253,253,253,253,253,15,0,0,0,0,0,0,0,0,0,91,253,253,253,253,75,42,42,42,95,207,253,253,253,253,231,212,212,13,0,0,0,0,0,0,0,0,0,44,215,253,253,253,253,253,253,253,253,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,253,253,253,253,253,253,253,179,16,0,0,0,0,0,0,0,0,0,0,0,0,0,7,167,253,253,253,253,253,253,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,188,253,253,253,253,253,253,253,253,246,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,89,227,253,210,89,89,89,89,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,166,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,179,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,253,252,168,0,10,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,118,0,16,215,243,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,239,75,0,0,0,170,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,88,0,0,0,0,94,252,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,214,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,40,0,0,0,0,0,57,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,168,0,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,197,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,168,0,0,0,0,0,0,0,147,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,68,0,0,0,0,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,255,253,56,0,0,0,0,0,0,7,204,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,56,0,0,0,0,0,7,150,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,56,0,0,0,0,0,154,252,224,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,106,0,0,0,0,51,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,253,216,141,29,54,178,253,239,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,227,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,224,252,252,253,252,186,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,139,190,91,139,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,218,254,254,254,255,114,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,220,253,253,253,253,253,253,248,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,162,160,76,7,7,87,245,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,2,0,0,0,5,119,248,249,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,249,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,116,249,253,253,253,247,185,185,185,115,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,253,253,253,253,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,253,253,253,253,253,253,253,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,76,221,230,230,183,76,76,76,194,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,192,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,174,253,253,249,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,225,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,8,4,0,1,8,149,226,253,253,238,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,173,43,126,253,253,253,253,223,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,203,253,226,253,253,253,215,124,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,183,253,253,253,206,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,185,155,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,237,162,236,194,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,160,0,32,242,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,227,59,0,0,183,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,241,155,0,0,0,55,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,251,66,0,0,0,55,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,221,0,0,0,0,55,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,182,0,0,0,0,30,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,126,0,0,0,0,27,240,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,54,0,0,0,0,55,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,44,0,0,0,0,55,205,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,225,0,0,0,0,0,72,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,225,0,0,0,0,0,138,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,225,0,0,0,0,0,185,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,225,0,0,0,0,46,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,225,0,0,0,13,186,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,16,0,0,121,224,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,79,0,118,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,212,203,253,130,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,187,89,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,128,139,138,191,180,253,191,138,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,47,120,186,252,252,253,252,252,252,252,253,252,227,29,0,0,0,0,0,0,0,0,0,0,0,19,164,246,253,252,252,227,183,184,162,69,69,69,79,227,252,45,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,235,77,29,0,0,0,0,0,0,9,194,227,29,0,0,0,0,0,0,0,0,0,0,0,7,65,137,201,174,32,0,0,0,0,0,0,0,181,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,255,249,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,240,252,122,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,240,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,181,252,252,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,243,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,186,252,252,218,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,233,252,227,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,250,253,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,222,253,253,158,0,0,0,11,34,118,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,106,0,9,47,89,203,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,190,185,197,252,252,221,173,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,252,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,137,137,190,137,54,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,147,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,209,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,192,0,0,0,0,0,0,35,51,0,65,124,124,124,77,0,0,0,0,0,0,0,0,0,0,0,0,140,190,0,0,0,26,202,202,216,223,196,216,253,253,253,233,202,0,0,0,0,0,0,0,0,0,0,26,187,34,52,22,0,184,216,217,253,253,128,131,253,253,253,253,179,0,0,0,0,0,0,0,0,0,0,189,253,187,217,52,0,172,45,46,69,69,7,36,215,248,253,182,21,0,0,0,0,0,0,0,0,0,55,242,204,51,165,34,0,0,0,0,0,0,0,0,13,162,253,156,0,0,0,0,0,0,0,0,0,0,158,253,113,0,0,0,0,0,0,0,0,0,0,0,36,253,253,156,0,0,0,0,0,0,0,0,0,126,250,193,4,0,0,0,0,0,0,0,0,0,0,128,247,142,8,5,0,0,0,0,0,0,0,0,0,254,253,191,0,0,0,0,0,0,0,0,0,0,134,203,128,57,0,0,0,0,0,0,0,0,0,0,0,255,253,204,24,0,0,0,0,0,0,0,52,156,250,225,34,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,185,18,0,0,0,0,46,131,249,175,122,59,0,0,0,0,0,0,0,0,0,0,0,0,0,219,240,253,253,186,36,175,211,211,225,115,43,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,146,202,253,253,253,253,249,138,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,4,34,212,235,235,235,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,108,229,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,171,254,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,131,254,254,254,254,234,126,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,254,254,254,246,186,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,254,254,246,186,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,254,246,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,183,0,0,0,43,57,57,57,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,254,227,23,0,45,154,238,254,254,254,151,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,123,0,132,237,254,254,254,254,254,254,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,230,31,97,237,254,254,254,232,179,205,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,183,38,254,254,237,143,49,35,0,17,125,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,141,141,254,237,70,0,0,0,0,0,94,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,250,241,238,69,0,0,0,0,0,0,94,254,239,16,0,0,0,0,0,0,0,0,0,0,0,0,12,213,254,254,211,0,0,0,0,0,0,35,156,254,213,11,0,0,0,0,0,0,0,0,0,0,0,0,0,98,255,254,229,107,31,0,0,0,86,157,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,163,254,254,254,242,237,237,237,251,254,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,109,254,254,254,254,254,254,254,254,254,102,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,154,254,254,254,254,254,150,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,155,183,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,244,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,149,249,252,252,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,252,252,252,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,144,227,253,252,252,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,252,252,253,229,99,231,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,186,252,252,252,253,218,202,252,252,252,239,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,145,252,252,252,252,253,252,252,252,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,252,252,252,252,252,253,252,252,252,241,140,106,95,0,0,0,0,0,0,0,0,0,0,0,0,50,171,252,252,252,252,252,252,253,252,252,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,253,253,253,253,255,253,209,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,184,151,252,253,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,178,130,26,10,14,252,253,212,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,39,39,8,0,0,23,215,252,215,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,249,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,144,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,235,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,255,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,154,248,252,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,253,253,253,230,219,253,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,172,119,15,176,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,230,253,188,6,0,0,176,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,225,49,0,0,0,176,253,241,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,249,253,175,0,0,20,112,242,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,199,79,79,120,253,253,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,244,253,253,253,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,253,219,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,175,225,194,61,205,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,0,14,202,253,220,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,157,109,0,0,0,196,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,162,0,0,10,203,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,218,24,9,158,253,253,248,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,253,165,182,253,253,249,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,123,234,145,123,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,121,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,249,241,241,241,241,241,241,241,242,114,108,108,178,85,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,104,173,173,173,194,253,253,253,253,253,254,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,253,253,223,186,186,143,124,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,250,128,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,253,253,235,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,253,253,243,161,161,98,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,253,254,152,147,35,14,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,120,211,253,253,253,254,253,253,253,253,165,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,134,192,254,254,254,254,254,255,169,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,13,132,180,253,253,253,253,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,26,54,224,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,199,253,253,253,0,0,0,0,0,0,0,0,0,0,0,100,201,158,0,0,0,0,0,0,61,68,173,240,253,253,253,218,0,0,0,0,0,0,0,0,0,0,20,222,253,239,96,54,54,125,188,187,247,253,253,253,253,253,243,31,0,0,0,0,0,0,0,0,0,0,80,247,253,253,253,253,253,253,255,253,253,253,253,245,213,199,75,0,0,0,0,0,0,0,0,0,0,0,0,192,233,253,253,253,253,253,255,253,243,226,121,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,205,240,240,162,107,107,107,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,253,253,255,253,143,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,253,252,252,199,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,252,252,252,253,252,252,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,255,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,253,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,252,252,252,253,252,209,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,252,252,253,252,252,242,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,253,253,253,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,181,252,252,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,240,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,114,50,113,113,113,255,253,253,253,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,253,237,252,252,252,253,252,252,252,252,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,252,198,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,239,253,252,252,252,252,237,242,192,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,252,252,157,112,50,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,191,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,64,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,64,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,163,228,255,118,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,158,250,253,214,234,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,102,228,245,138,55,11,163,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,184,253,216,81,0,0,0,163,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,246,162,26,0,0,0,0,163,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,177,0,0,0,0,0,0,163,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,30,0,0,0,0,0,0,163,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,234,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,238,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,243,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,254,176,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,177,241,253,253,253,247,152,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,253,254,245,216,216,242,254,180,49,37,69,63,128,44,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,209,49,0,0,71,247,253,253,253,253,242,235,136,0,0,0,0,0,0,0,0,0,0,0,0,49,227,162,0,0,0,0,0,47,124,162,162,129,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,91,133,255,201,91,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,180,242,244,194,73,232,237,225,164,17,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,253,163,66,0,0,0,5,146,226,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,253,237,35,0,0,0,0,0,0,61,253,244,112,5,0,0,0,0,0,0,0,0,0,0,0,0,17,253,237,67,0,0,0,0,0,0,0,25,253,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,3,109,177,0,0,0,0,0,0,0,0,25,253,245,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,230,247,223,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,253,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,252,171,83,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,239,81,97,245,246,211,135,9,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,154,241,253,179,0,0,0,0,0,0,0,0,0,0,18,25,6,0,0,0,0,0,0,0,0,0,0,0,0,100,253,234,67,0,0,0,0,0,0,0,0,116,213,253,56,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,89,0,0,0,0,0,0,0,0,107,241,253,83,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,89,0,0,0,0,0,0,0,0,0,96,253,237,131,106,0,0,0,0,0,0,0,0,0,0,58,253,253,89,0,0,0,0,0,0,0,0,0,3,101,240,253,247,131,6,0,0,0,0,0,0,0,30,208,219,147,11,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,120,92,100,0,0,0,0,0,131,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,2,15,153,179,242,247,248,238,238,238,238,238,246,188,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,151,142,253,253,253,253,120,89,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,108,138,138,202,232,138,138,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,110,219,252,252,252,253,231,252,252,252,100,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,252,202,183,130,69,37,100,89,205,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,248,245,139,13,0,0,0,0,0,0,74,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,126,0,0,0,0,0,0,0,0,106,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,116,0,0,0,0,0,0,0,0,179,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,116,0,0,0,0,0,0,0,17,234,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,153,25,0,0,0,0,0,0,124,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,253,202,25,0,0,0,0,100,244,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,252,236,188,168,231,230,246,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,136,247,253,243,231,230,230,249,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,92,50,0,0,0,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,232,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,246,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,225,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,255,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,251,251,190,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,231,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,226,173,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,128,169,228,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,242,254,188,215,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,174,254,172,49,2,42,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,205,254,125,2,0,0,63,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,238,61,2,0,0,0,177,246,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,90,0,0,0,0,0,212,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,198,13,0,0,0,0,0,212,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,221,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,235,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,222,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,225,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,248,178,10,0,0,0,11,14,14,14,9,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,208,11,25,111,182,182,240,254,246,246,153,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,185,193,254,251,207,163,95,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,176,122,82,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,200,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,179,250,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,247,254,254,200,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,144,254,254,223,104,4,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,166,254,254,156,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,254,254,231,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,254,254,205,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,134,254,247,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,248,112,88,119,95,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,254,254,254,89,247,254,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,246,188,203,153,119,232,200,254,234,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,245,82,2,5,0,0,12,5,157,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,218,0,0,0,0,0,0,0,131,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,218,0,0,0,0,0,0,0,216,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,218,0,0,0,0,0,0,42,240,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,246,90,0,0,0,27,27,221,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,230,247,156,106,135,255,254,254,220,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,254,254,254,254,221,106,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,85,166,196,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,149,231,254,254,231,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,40,122,242,253,246,243,202,206,252,196,13,4,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,206,173,21,0,0,0,86,253,87,163,183,0,0,0,0,0,0,0,0,0,0,0,0,0,31,236,253,172,10,0,0,0,0,0,16,253,254,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,224,15,0,0,0,0,0,18,125,253,254,230,45,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,253,165,0,0,0,0,15,198,253,245,126,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,245,84,0,0,51,194,253,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,253,249,45,108,246,253,205,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,198,253,244,240,253,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,165,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,146,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,197,240,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,215,8,144,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,168,0,0,183,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,177,2,0,101,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,236,253,14,0,35,238,236,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,121,0,27,231,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,243,45,125,253,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,251,247,250,233,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,234,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,128,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,128,64,128,128,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,18,118,189,254,255,100,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,154,154,177,253,253,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,158,250,253,253,253,253,253,253,253,222,178,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,232,182,182,67,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,245,253,253,245,91,47,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,251,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,210,253,253,236,106,62,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,253,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,94,94,94,168,241,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,236,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,60,0,74,205,185,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,248,201,238,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,209,253,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,170,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,64,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,64,255,255,255,255,191,64,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,191,255,255,255,191,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,255,255,255,255,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,255,255,255,64,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,128,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,64,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,64,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,191,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,191,128,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,191,64,128,64,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,128,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,214,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,50,0,0,0,0,0,0,0,41,102,102,41,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,50,0,0,0,0,11,132,254,253,254,253,254,172,21,0,0,0,0,0,0,0,0,0,0,20,253,252,253,50,0,0,0,41,213,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,51,233,254,253,254,172,132,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,213,252,253,91,0,82,233,252,253,212,91,10,92,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,113,193,254,253,224,20,0,62,254,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,253,252,253,252,81,0,82,223,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,21,183,255,253,254,253,254,253,254,253,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,253,252,253,252,253,252,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,253,254,253,224,102,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,252,131,50,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,34,34,120,220,129,34,52,21,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,193,252,252,252,252,219,220,142,222,243,176,176,92,0,0,0,0,0,0,0,0,0,0,0,0,29,192,251,252,252,252,252,252,252,205,233,252,252,231,231,131,92,0,0,0,0,0,0,0,0,0,0,0,0,200,241,206,121,116,30,121,121,121,121,168,123,112,198,194,204,242,31,0,0,0,0,0,0,0,0,0,0,35,42,0,0,0,0,0,0,0,0,0,23,233,185,252,252,252,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,252,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,7,60,60,21,74,213,247,252,244,246,241,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,209,252,252,210,252,252,142,223,45,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,222,252,252,253,252,222,42,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,176,252,253,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,255,100,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,147,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,86,249,244,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,226,241,215,209,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,127,224,252,219,238,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,244,251,252,252,99,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,74,27,43,90,137,216,225,127,13,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,150,250,252,252,134,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,66,33,244,252,214,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,128,128,0,64,128,128,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,128,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,191,64,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,214,255,195,115,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,175,253,253,253,215,253,224,165,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,236,93,10,6,125,222,253,253,216,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,111,0,0,0,0,9,67,235,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,52,0,0,0,0,0,0,228,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,144,0,0,0,0,0,53,236,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,212,151,0,7,0,6,84,245,252,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,223,252,166,202,107,171,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,160,253,253,253,253,253,253,236,71,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,224,253,253,253,232,233,253,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,253,207,179,253,253,253,180,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,123,3,27,230,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,234,19,0,0,99,253,101,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,227,0,0,0,6,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,153,0,0,0,6,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,132,0,0,0,6,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,245,53,0,0,33,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,219,253,156,23,11,157,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,253,253,253,253,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,179,253,253,164,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,7,7,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,90,137,215,254,254,254,254,162,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,143,209,254,254,254,254,254,254,254,254,126,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,254,254,254,239,147,105,105,105,206,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,236,208,36,0,0,0,0,69,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,233,90,0,0,0,0,0,0,69,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,87,38,0,0,0,0,0,0,0,151,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,237,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,164,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,238,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,175,254,254,159,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,241,254,254,143,0,0,0,0,0,37,88,145,212,0,0,0,0,0,0,0,0,0,0,0,0,12,113,242,254,254,254,132,94,94,136,218,218,233,254,211,100,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,254,254,254,254,254,254,254,254,254,164,154,22,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,255,254,254,254,254,254,166,103,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,254,254,227,142,106,18,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,30,115,73,12,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,128,128,128,191,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,128,128,128,64,128,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,191,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,64,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,129,170,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,94,217,218,247,252,252,238,217,196,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,37,181,252,252,253,252,226,154,253,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,252,252,252,252,253,252,132,0,253,168,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,236,143,83,0,0,0,0,0,104,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,236,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,144,238,253,253,255,253,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,231,252,253,252,252,232,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,215,232,252,252,252,253,190,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,148,252,252,253,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,84,255,253,253,253,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,159,231,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,171,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,176,217,196,155,218,93,176,237,253,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,113,215,236,253,252,252,252,253,220,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,170,128,190,108,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,47,130,150,187,255,254,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,94,139,253,253,253,221,171,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,170,249,253,253,196,114,54,7,104,253,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,208,67,66,0,0,0,100,250,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,218,155,23,0,0,0,0,92,249,250,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,29,219,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,236,84,6,0,4,151,253,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,235,253,155,30,184,253,201,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,243,230,253,166,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,221,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,253,243,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,253,218,26,237,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,248,83,0,60,236,218,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,140,0,0,0,135,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,231,51,0,0,0,0,175,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,96,0,0,0,0,0,145,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,230,49,0,0,0,0,145,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,237,192,115,115,115,194,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,165,247,253,253,253,253,253,174,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,149,152,253,170,91,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,156,255,246,194,141,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,118,247,233,174,135,203,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,116,0,0,0,0,72,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,116,2,0,0,0,0,52,234,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,195,0,0,0,0,0,0,212,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,76,0,0,0,0,96,224,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,204,6,0,0,8,140,185,209,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,236,27,0,43,124,116,12,146,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,190,113,130,5,0,0,175,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,0,16,235,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,250,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,249,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,183,144,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,115,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,244,253,253,179,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,233,10,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,51,78,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,69,0,0,0,0,0,0,0,117,242,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,55,0,0,0,0,0,38,144,250,247,247,250,57,0,0,0,0,0,0,0,0,0,0,0,0,100,253,215,17,0,0,0,0,0,143,253,209,60,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,57,207,253,121,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,100,253,203,5,0,0,0,59,250,253,191,10,63,251,131,47,0,0,0,0,0,0,0,0,0,0,0,0,35,247,253,55,0,0,0,135,254,253,44,0,166,234,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,141,0,0,0,221,254,230,29,8,196,117,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,207,15,0,0,221,254,190,55,230,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,206,135,45,227,255,253,253,250,185,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,253,253,253,253,254,253,179,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,37,143,128,205,158,205,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,182,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,246,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,111,206,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,6,54,230,254,254,209,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,103,218,218,221,254,209,236,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,154,239,254,254,254,254,254,245,243,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,206,254,254,254,254,254,237,243,176,203,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,136,254,254,226,147,125,85,56,23,94,252,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,244,97,4,0,0,0,21,134,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,241,68,41,41,41,162,244,254,254,254,155,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,254,254,254,254,254,254,201,99,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,103,230,254,254,254,254,254,254,254,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,227,254,254,254,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,254,254,254,243,194,194,245,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,215,117,73,0,0,209,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,254,254,87,0,0,0,0,88,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,213,8,0,0,0,0,16,254,242,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,245,77,0,0,0,0,0,47,254,247,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,252,90,2,0,0,15,59,229,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,254,254,178,91,91,197,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,254,254,254,254,254,254,216,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,227,254,254,254,173,92,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,80,202,80,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,62,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,121,131,0,0,0,0,0,0,0,93,239,92,62,15,0,0,0,0,0,0,0,0,0,0,80,254,254,254,254,131,0,0,0,0,0,0,0,230,254,254,254,61,0,0,0,0,0,0,0,0,0,0,80,254,254,254,247,109,0,0,0,0,0,0,0,230,254,254,254,61,0,0,0,0,0,0,0,0,0,0,80,254,254,254,232,64,0,0,0,0,0,0,0,230,254,254,254,146,0,0,0,0,0,0,0,0,0,0,80,254,254,254,254,143,6,0,0,0,0,0,0,230,254,254,254,249,110,0,0,0,0,0,0,0,0,0,80,254,254,254,254,254,52,0,0,0,0,0,0,230,254,254,254,237,0,0,0,0,0,0,0,0,0,0,77,251,254,254,254,254,199,185,185,185,185,185,185,242,254,254,254,250,115,0,0,0,0,0,0,0,0,0,0,159,254,254,254,254,254,254,254,254,254,254,254,78,254,254,254,254,157,0,0,0,0,0,0,0,0,0,0,55,244,254,254,254,254,254,254,254,254,254,155,62,254,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,254,254,252,208,208,13,3,54,254,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,26,105,235,254,254,254,246,37,36,0,0,22,182,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,22,25,25,25,24,0,0,0,0,0,132,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,208,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,235,255,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,248,157,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,223,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,215,254,224,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,200,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,216,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,255,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,221,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,191,128,128,128,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,128,128,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,191,255,191,64,191,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,128,255,255,255,255,255,128,128,128,0,0,0,0,0,0,0,0,0,0,64,191,255,191,64,0,0,0,0,0,0,0,128,128,191,191,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,134,255,180,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,253,183,119,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,251,130,156,212,253,184,64,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,230,0,43,182,242,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,188,0,0,0,39,47,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,247,54,95,178,213,114,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,243,253,253,253,253,243,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,247,167,124,124,124,176,253,165,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,106,106,47,0,0,0,0,14,249,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,234,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,164,214,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,190,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,163,219,227,253,169,101,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,201,253,226,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,167,254,254,255,215,91,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,205,253,227,177,177,205,253,182,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,218,253,206,21,0,0,12,97,253,140,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,178,0,0,0,0,0,22,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,134,0,0,0,0,0,22,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,134,0,0,0,0,0,3,176,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,134,0,0,0,0,0,0,168,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,218,0,0,0,0,0,0,122,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,253,145,17,2,7,13,128,246,253,228,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,214,253,253,170,201,234,193,92,223,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,75,161,161,93,54,4,0,121,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,204,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,3,0,0,0,0,0,135,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,178,16,0,0,0,0,0,163,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,237,167,0,0,0,0,0,40,248,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,145,252,196,118,33,33,33,164,253,244,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,158,218,253,253,253,253,253,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,84,253,253,253,165,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,177,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,221,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,188,236,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,235,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,251,173,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,218,169,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,193,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,254,254,134,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,253,253,253,254,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,156,253,239,165,96,254,253,222,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,76,0,0,85,158,253,237,83,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,192,10,0,0,0,7,155,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,253,76,0,0,0,0,7,156,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,253,146,0,0,0,0,124,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,241,31,0,0,116,238,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,187,110,110,243,243,160,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,138,253,253,253,253,191,62,37,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,122,122,6,0,0,158,255,223,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,171,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,132,190,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,67,67,119,160,160,160,206,184,161,160,122,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,230,254,254,254,254,254,254,254,254,254,254,254,235,226,149,53,0,0,0,0,0,0,0,0,0,0,0,247,254,172,150,63,56,56,112,195,216,56,139,153,244,249,254,235,122,9,0,0,0,0,0,0,0,0,0,22,133,40,0,0,0,0,0,0,63,0,0,0,0,47,131,254,254,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,82,252,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,251,255,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,239,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,226,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,48,73,98,27,0,0,0,0,6,48,48,48,48,83,103,58,33,0,0,0,0,0,0,0,0,0,8,174,254,254,255,230,119,143,143,223,227,254,254,254,255,206,190,190,180,0,0,0,0,0,0,0,0,0,32,239,85,214,254,219,174,174,174,121,85,16,16,16,16,4,0,0,0,0,0,0,0,0,0,0,0,16,210,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,250,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,139,251,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,137,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,160,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,175,96,220,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,236,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,127,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,50,0,0,0,21,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,151,30,0,0,0,183,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,192,0,0,0,0,0,203,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,70,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,50,0,0,0,0,0,203,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,213,10,0,0,0,0,0,203,203,0,0,0,103,20,0,0,0,0,0,0,0,0,0,0,0,0,152,253,173,31,0,0,0,0,31,213,234,112,173,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,232,203,203,203,203,233,252,253,252,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,234,253,254,253,254,253,254,253,244,162,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,50,91,151,151,213,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,199,178,220,125,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,199,254,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,245,254,254,197,155,232,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,188,254,206,56,0,0,8,168,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,191,20,0,0,0,0,42,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,241,13,0,0,0,0,0,42,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,143,0,0,0,0,0,0,42,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,239,26,0,0,0,0,0,0,42,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,120,0,0,0,0,0,0,0,30,242,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,254,35,0,0,0,0,0,0,0,40,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,173,0,0,0,0,0,0,0,0,42,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,41,0,0,0,0,0,0,0,0,42,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,236,24,0,0,0,0,0,0,0,0,84,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,213,0,0,0,0,0,0,0,0,37,243,247,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,213,0,0,0,0,0,0,0,12,209,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,247,34,0,0,0,0,0,4,123,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,116,8,0,0,0,24,200,254,254,212,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,233,155,148,148,239,254,254,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,254,254,254,254,255,254,156,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,80,212,254,254,172,82,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,72,152,173,253,0,0,0,0,0,0,173,112,0,0,0,0,0,0,0,0,0,0,0,0,21,102,203,243,253,252,131,50,0,0,0,0,0,41,253,192,0,0,0,0,0,0,0,0,0,0,31,92,214,253,254,213,142,61,0,0,0,0,0,0,31,233,255,91,0,0,0,0,0,0,0,0,21,183,233,252,253,212,91,10,0,0,0,0,0,0,0,0,173,252,192,30,0,0,0,0,0,0,0,0,254,253,234,112,0,0,0,0,0,0,0,0,0,0,11,173,255,233,0,0,0,0,0,0,0,0,0,0,172,252,253,172,41,0,0,0,0,0,0,0,0,0,173,252,233,50,0,0,0,0,0,0,0,0,0,0,0,82,193,253,254,172,41,0,0,0,0,0,11,213,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,213,252,243,162,41,0,0,0,213,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,214,253,254,172,72,193,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,213,252,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,192,21,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,233,50,0,61,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,41,0,0,0,234,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,70,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,71,0,0,0,0,173,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,232,102,20,0,82,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,254,253,214,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,91,151,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,139,218,209,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,85,103,211,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,128,237,252,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,232,252,252,252,253,231,136,111,242,38,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,236,252,252,252,164,42,28,9,106,184,236,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,254,186,53,0,0,0,15,192,253,253,255,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,151,16,0,0,0,146,211,245,224,173,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,11,211,252,171,127,135,232,232,253,245,124,14,162,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,252,253,252,252,252,252,253,98,0,43,239,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,253,252,252,182,103,86,11,0,108,252,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,106,9,0,0,0,0,31,218,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,164,249,255,254,248,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,131,250,236,191,191,159,195,253,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,174,20,0,0,0,2,190,254,150,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,201,0,0,0,0,0,28,243,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,155,0,0,0,0,0,108,254,254,246,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,222,6,0,0,0,0,105,254,159,158,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,227,3,0,0,0,18,254,112,220,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,107,254,225,110,9,0,162,254,252,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,79,194,250,239,237,250,254,235,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,125,246,254,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,244,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,242,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,251,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,250,200,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,251,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,235,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,255,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,221,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,254,254,128,0,0,0,0,11,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,175,254,254,197,70,0,0,0,0,107,156,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,223,254,246,126,23,0,0,0,0,0,107,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,104,223,254,224,164,0,0,0,0,0,0,0,89,251,156,1,0,0,0,0,0,0,0,0,0,0,4,124,224,254,200,26,0,0,0,0,0,0,0,0,0,237,254,30,0,0,0,0,0,0,0,0,0,3,71,254,254,200,25,0,0,0,0,0,0,0,0,0,0,237,254,130,0,0,0,0,0,0,0,0,0,105,254,254,232,25,0,0,0,0,0,0,0,0,0,0,0,206,254,130,0,0,0,0,0,0,0,0,0,137,254,248,103,0,0,0,0,0,0,0,0,0,0,0,0,113,254,163,0,0,0,0,0,0,0,0,42,229,249,102,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,218,0,0,0,0,0,0,0,0,232,254,236,0,0,0,0,0,0,0,0,0,0,0,30,130,206,251,254,91,0,0,0,0,0,0,0,0,152,254,236,0,0,0,0,0,0,0,67,125,212,212,228,254,218,167,110,1,0,0,0,0,0,0,0,0,22,211,252,145,94,94,94,179,218,218,246,254,254,222,161,51,22,0,0,0,0,0,0,0,0,0,0,0,0,23,162,254,254,254,254,254,232,228,179,154,116,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,24,40,70,24,24,19,18,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,207,254,254,254,182,106,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,230,254,253,253,253,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,242,253,198,126,135,106,154,154,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,253,90,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,178,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,216,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,192,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,253,113,0,0,0,0,12,45,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,140,97,188,188,189,205,253,132,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,253,253,240,172,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,159,111,111,44,0,0,0,0,92,137,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,253,224,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,159,253,253,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,227,254,250,150,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,16,16,50,172,253,253,229,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,211,211,253,253,253,137,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,128,253,195,81,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,191,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,128,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,64,0,128,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,0,0,0,0,64,128,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,64,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,18,76,136,136,164,254,255,254,194,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,125,189,253,253,253,253,253,253,253,253,253,242,77,10,0,0,0,0,0,0,0,0,0,0,0,4,70,189,253,253,253,253,248,200,172,82,82,82,145,253,253,150,0,0,0,0,0,0,0,0,0,0,0,18,253,253,253,253,190,70,59,0,0,0,0,0,46,253,253,237,40,0,0,0,0,0,0,0,0,0,0,115,253,253,187,68,6,0,0,0,0,0,0,0,172,253,253,200,10,0,0,0,0,0,0,0,0,0,0,32,253,156,8,0,0,0,0,0,0,0,0,149,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,1,11,4,0,0,0,0,0,0,0,2,106,242,253,253,148,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,149,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,53,160,225,253,253,253,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,120,253,253,253,253,253,253,214,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,253,253,247,119,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,249,253,253,187,68,41,41,102,170,253,243,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,130,23,7,0,0,0,0,17,214,253,246,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,253,202,9,0,0,0,0,0,0,0,0,0,21,124,8,0,0,0,0,0,0,0,0,0,0,0,20,192,253,253,17,0,0,0,0,0,0,0,0,0,29,238,154,31,0,0,0,0,0,0,0,0,3,62,223,253,253,253,17,0,0,0,0,0,0,0,0,0,0,171,253,229,133,34,0,0,0,20,66,66,184,253,253,253,253,150,5,0,0,0,0,0,0,0,0,0,0,61,232,253,253,228,201,201,201,217,253,253,253,253,253,253,149,8,0,0,0,0,0,0,0,0,0,0,0,0,26,76,242,253,253,253,253,253,253,253,253,242,152,68,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,188,253,253,253,253,154,135,75,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,255,255,254,149,81,126,18,74,54,81,81,21,18,15,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,253,253,253,253,253,253,253,253,253,253,235,60,0,0,0,0,0,0,0,0,0,0,0,0,29,236,253,253,253,228,253,253,253,228,253,253,253,253,253,232,36,0,0,0,0,0,0,0,0,0,0,0,0,44,65,65,65,35,76,108,65,71,83,172,219,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,226,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,253,239,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,222,253,253,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,250,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,221,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,107,252,253,253,190,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,163,253,253,253,191,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,203,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,155,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,201,234,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,238,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,156,252,252,253,252,252,242,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,253,252,252,252,252,141,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,253,253,255,253,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,252,252,204,27,74,186,252,252,253,243,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,198,25,0,0,57,252,252,253,233,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,99,16,13,29,156,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,239,203,191,252,252,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,253,253,253,253,255,253,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,240,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,252,253,252,239,102,133,253,252,252,252,252,135,6,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,253,195,65,0,0,146,249,252,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,48,227,252,252,253,89,0,0,0,0,225,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,204,15,0,13,113,255,253,253,253,253,255,106,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,241,146,225,228,252,253,252,252,252,252,27,3,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,252,252,245,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,252,252,253,252,252,252,252,225,223,223,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,252,252,157,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,191,254,255,240,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,253,225,216,235,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,154,15,0,43,226,236,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,215,13,0,0,0,76,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,144,0,0,0,0,5,206,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,227,215,22,0,0,0,0,15,175,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,168,0,0,0,0,27,236,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,99,0,0,0,0,16,220,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,168,0,0,0,8,113,224,242,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,231,167,60,95,170,253,211,166,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,234,254,254,254,255,181,21,169,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,142,135,122,63,3,0,169,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,240,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,221,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,237,102,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,236,108,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,129,0,0,0,0,83,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,223,0,0,0,95,247,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,223,0,0,13,196,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,223,0,0,76,254,231,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,223,0,0,178,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,240,64,0,178,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,254,243,233,248,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,248,255,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,195,254,254,194,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,245,241,109,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,153,255,255,254,183,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,253,253,253,253,253,253,175,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,253,253,110,32,32,57,181,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,237,0,0,0,0,0,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,76,0,0,0,0,0,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,213,11,0,0,0,0,88,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,244,253,100,0,0,0,0,0,119,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,253,179,14,0,0,0,0,21,222,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,0,67,253,222,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,5,186,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,108,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,8,187,253,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,118,253,214,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,21,221,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,208,253,154,0,9,160,253,221,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,247,238,41,45,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,149,168,253,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,253,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,249,160,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,105,191,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,212,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,212,249,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,153,159,64,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,184,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,224,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,233,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,235,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,15,0,36,166,192,109,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,193,15,138,248,255,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,172,182,219,91,60,117,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,247,172,16,0,0,18,244,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,237,11,0,0,0,92,244,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,15,0,0,0,152,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,236,37,0,0,82,186,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,184,11,85,232,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,254,231,228,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,47,28,116,153,254,255,195,115,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,121,241,253,188,253,253,253,253,253,253,234,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,249,253,253,253,253,245,248,246,189,224,253,253,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,208,51,59,94,26,43,253,253,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,8,220,247,81,93,23,0,0,0,0,95,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,6,0,0,0,0,15,73,219,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,229,253,253,253,252,206,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,248,97,110,110,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,253,253,253,253,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,51,169,253,253,253,253,253,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,157,242,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,253,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,21,81,203,252,253,253,220,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,140,171,129,207,253,253,253,253,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,185,253,253,253,253,253,253,253,250,252,243,192,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,253,253,253,252,196,242,154,86,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,89,95,108,232,0,37,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,31,130,222,255,255,215,130,24,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,31,156,253,253,253,253,253,253,253,253,41,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,240,235,140,147,241,253,253,253,207,80,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,253,249,204,31,0,0,0,34,155,253,253,253,152,2,0,0,0,0,0,0,0,0,0,0,0,3,162,253,253,134,0,0,0,0,0,0,34,231,253,253,253,12,0,0,0,0,0,0,0,0,0,0,0,98,253,253,211,32,0,0,0,0,0,0,0,217,253,253,253,12,0,0,0,0,0,0,0,0,0,0,9,216,253,233,32,0,0,0,0,0,0,0,58,241,253,253,253,12,0,0,0,0,0,0,0,0,0,0,13,253,253,198,0,0,0,0,0,0,0,80,201,253,253,253,253,12,0,0,0,0,0,0,0,0,0,0,13,253,253,99,0,0,0,0,0,16,153,239,253,253,253,253,229,9,0,0,0,0,0,0,0,0,0,0,13,253,253,189,0,0,13,63,153,204,253,253,232,244,253,253,141,0,0,0,0,0,0,0,0,0,0,0,13,253,253,246,114,69,165,253,253,253,253,158,41,217,253,253,141,0,0,0,0,0,0,0,0,0,0,0,3,130,253,253,253,253,253,253,253,197,82,11,69,245,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,4,169,253,253,253,237,172,82,12,0,0,88,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,25,43,43,43,34,0,0,0,0,0,88,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,212,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,192,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,161,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,185,70,0,13,70,70,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,252,252,208,215,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,252,252,252,252,253,210,22,22,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,255,249,199,116,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,244,176,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,189,253,252,252,244,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,230,247,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,70,172,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,0,0,0,0,0,0,43,212,252,252,252,210,74,0,0,0,0,0,0,0,0,0,0,0,0,0,99,69,0,0,0,0,0,136,240,253,252,221,137,22,0,0,0,0,0,0,0,0,0,0,0,0,0,149,249,63,9,24,87,159,253,253,253,252,157,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,236,161,194,252,253,252,252,235,153,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,247,183,100,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,98,129,66,45,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,113,113,255,253,253,253,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,246,252,252,253,252,252,252,252,253,252,246,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,252,252,220,196,195,195,195,195,222,252,252,246,88,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,230,129,37,0,0,0,0,0,38,218,252,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,253,204,25,0,0,0,0,0,0,0,0,38,221,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,241,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,163,226,225,146,225,146,85,140,252,252,252,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,252,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,242,223,227,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,190,74,0,13,189,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,26,207,253,255,253,253,253,253,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,163,131,231,252,252,253,223,167,224,252,253,195,85,28,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,252,252,196,52,0,137,252,253,252,252,215,119,0,0,0,0,0,0,0,0,0,0,19,180,252,253,252,252,233,145,0,0,0,10,84,225,233,252,233,145,0,0,0,0,0,0,0,0,0,0,0,13,112,253,204,112,37,0,0,0,0,0,0,0,38,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,251,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,251,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,228,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,129,170,171,128,109,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,227,252,252,253,252,252,232,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,252,252,205,154,232,231,252,252,253,149,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,189,108,31,0,47,46,211,252,253,252,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,82,0,0,0,0,0,0,0,191,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,170,110,109,212,253,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,252,252,253,148,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,255,253,253,253,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,35,98,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,190,253,221,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,232,109,110,15,79,109,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,222,242,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,231,252,252,252,253,252,252,252,237,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,253,210,108,108,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,236,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,233,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,197,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,251,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,178,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,248,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,178,125,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,246,254,246,243,111,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,254,179,99,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,72,233,251,254,254,249,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,220,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,68,194,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,86,158,196,254,254,254,234,125,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,245,254,254,254,254,231,173,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,254,254,219,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,173,250,254,254,215,130,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,254,254,254,254,119,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,217,254,254,254,91,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,119,246,254,254,228,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,244,254,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,135,97,98,133,57,135,229,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,203,254,254,254,254,254,254,254,200,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,204,244,254,254,254,252,209,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,212,254,231,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,152,236,228,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,149,244,254,254,254,235,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,254,220,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,222,254,254,215,128,7,180,231,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,204,254,254,193,43,0,0,39,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,237,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,177,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,217,78,78,78,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,223,254,254,254,254,254,240,236,130,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,254,252,245,245,190,154,251,254,229,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,74,0,0,0,0,59,242,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,9,0,0,0,0,85,253,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,86,0,0,1,89,236,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,236,164,164,181,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,94,253,254,254,254,254,254,166,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,202,254,254,176,93,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,63,151,158,222,255,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,122,126,192,221,247,254,254,254,254,238,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,250,254,254,254,254,226,162,158,67,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,81,101,9,4,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,162,238,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,215,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,252,245,245,245,239,120,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,207,246,237,234,238,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,13,0,15,87,254,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,250,236,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,205,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,82,0,0,0,0,0,0,0,2,204,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,138,0,0,0,0,0,0,0,108,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,38,0,0,0,0,0,0,27,229,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,150,2,0,0,0,0,8,205,254,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,188,143,68,68,123,202,254,242,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,206,220,252,254,254,254,252,191,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,185,223,157,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,128,128,128,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,128,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,94,0,0,0,0,0,49,152,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,94,0,0,0,0,71,237,255,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,94,0,0,0,73,244,243,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,94,0,0,22,222,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,27,0,2,157,254,216,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,66,0,107,254,248,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,138,93,242,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,79,252,254,254,173,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,236,254,164,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,232,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,157,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,206,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,254,213,87,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,181,244,125,136,248,253,161,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,169,0,0,119,248,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,21,0,0,0,118,250,250,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,243,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,253,218,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,174,253,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,202,253,183,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,207,253,188,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,253,228,55,0,0,0,0,0,0,17,85,85,85,53,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,150,137,218,218,218,219,218,218,224,253,178,188,110,0,0,0,0,0,0,0,0,0,0,0,23,244,253,253,253,253,253,253,253,254,190,144,121,24,6,8,4,0,0,0,0,0,0,0,0,0,0,0,2,161,253,224,132,132,28,11,11,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,243,141,125,125,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,243,254,254,254,254,254,145,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,254,254,254,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,143,149,190,254,254,254,254,254,210,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,25,70,237,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,236,254,254,205,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,149,44,0,0,66,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,248,254,233,190,86,110,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,240,254,254,254,254,254,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,237,232,248,254,254,255,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,156,44,116,215,247,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,169,5,0,11,210,254,254,254,254,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,254,169,157,187,254,254,254,254,254,254,192,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,254,254,254,254,254,254,254,254,254,254,254,244,140,19,0,0,0,0,0,0,0,0,0,0,0,0,49,237,254,254,254,254,254,254,214,111,136,254,254,254,254,249,67,0,0,0,0,0,0,0,0,0,0,0,0,103,248,251,254,252,211,117,30,0,22,206,254,255,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,106,86,0,0,0,0,0,20,208,254,244,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,64,128,191,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,64,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,255,255,255,255,128,191,255,128,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,191,255,255,255,64,0,191,255,128,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,191,255,255,255,128,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,255,255,255,64,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,128,255,255,128,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,255,255,191,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,255,255,128,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,64,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,128,128,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,157,254,254,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,184,242,254,182,128,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,217,216,87,36,3,19,226,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,72,0,0,0,0,16,222,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,231,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,221,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,183,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,65,232,254,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,241,254,254,255,254,195,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,253,223,43,18,70,213,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,216,126,21,0,0,0,128,250,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,103,250,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,59,0,82,231,176,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,132,116,234,164,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,253,136,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,251,254,192,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,234,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,188,111,229,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,235,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,58,4,0,0,0,0,0,0,25,231,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,37,220,253,253,226,148,40,0,0,0,0,123,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,238,246,253,253,240,121,39,7,50,239,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,149,0,40,152,219,253,253,253,204,204,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,44,0,0,0,15,102,223,248,253,253,253,184,59,13,0,0,0,15,94,0,0,0,0,0,0,0,0,254,44,0,0,0,0,0,13,213,253,253,253,253,253,217,179,179,179,222,123,0,0,0,0,0,0,0,0,254,150,0,0,0,5,35,226,253,160,39,82,164,218,250,253,235,183,62,5,0,0,0,0,0,0,0,0,219,251,126,91,120,197,253,253,147,2,0,0,0,0,57,64,30,0,0,0,0,0,0,0,0,0,0,0,67,211,253,253,253,253,221,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,119,153,125,54,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,193,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,228,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,134,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,97,0,0,0,0,0,0,0,10,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,97,0,0,0,0,0,37,213,236,221,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,252,77,0,0,0,44,111,224,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,2,189,254,244,0,0,0,83,243,254,254,179,58,191,156,2,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,244,0,0,81,249,254,234,53,3,14,215,99,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,171,0,58,248,254,207,49,0,0,171,239,70,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,135,19,198,254,234,33,0,0,122,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,77,108,254,246,47,0,24,161,253,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,57,182,254,164,14,105,215,255,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,236,254,254,234,221,254,246,80,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,184,254,254,254,254,254,234,136,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,111,187,254,254,243,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,105,229,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,111,77,9,0,0,1,11,56,137,210,210,244,210,210,170,0,0,0,0,0,0,0,0,0,0,17,151,226,253,253,224,16,13,147,254,253,253,247,188,189,189,189,111,0,0,0,0,0,0,0,0,0,9,228,252,165,134,167,245,190,185,245,171,50,35,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,204,0,0,0,60,208,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,44,0,0,0,0,10,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,252,103,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,148,254,254,149,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,91,207,253,251,139,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,101,223,253,235,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,158,254,235,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,0,0,0,0,0,0,7,77,252,253,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,0,0,0,0,0,0,0,0,83,221,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,32,0,0,0,0,0,0,0,0,67,244,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,214,0,0,0,0,0,0,0,0,0,160,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,209,135,67,35,35,35,35,133,215,246,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,150,254,254,254,254,254,254,254,254,254,232,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,109,109,177,208,208,208,208,149,108,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,183,157,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,137,7,0,0,0,0,59,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,80,0,0,0,0,141,254,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,115,0,0,0,53,249,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,46,0,0,0,129,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,15,0,0,56,246,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,15,0,51,194,254,254,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,15,16,206,254,254,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,254,67,194,254,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,253,254,245,245,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,123,204,172,81,205,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,78,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,178,220,254,104,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,253,253,253,241,169,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,247,128,46,46,34,42,9,85,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,118,0,0,0,0,0,0,184,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,0,0,0,0,0,0,108,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,202,0,0,0,0,0,177,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,194,0,0,0,0,141,249,158,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,194,0,0,0,102,254,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,26,0,74,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,253,93,110,249,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,203,199,236,179,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,210,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,249,253,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,200,179,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,137,93,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,111,136,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,245,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,253,253,205,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,169,177,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,233,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,229,254,254,238,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,80,252,228,55,190,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,92,0,22,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,207,24,30,143,254,230,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,79,0,93,254,254,250,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,21,0,114,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,199,254,21,80,242,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,135,208,254,248,254,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,242,254,254,195,67,254,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,153,162,57,69,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,0,24,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,77,126,126,126,158,222,222,222,234,222,222,234,234,222,79,0,0,0,0,0,0,0,0,0,0,0,0,205,254,254,254,254,254,254,254,254,254,254,254,254,254,254,230,21,0,0,0,0,0,0,0,0,0,0,0,197,197,197,197,197,197,197,160,129,101,101,35,57,140,235,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,198,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,251,54,54,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,116,116,116,116,168,214,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,254,254,254,233,172,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,222,254,254,254,210,226,254,254,105,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,48,48,48,4,107,254,238,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,62,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,239,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,253,180,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,120,224,187,134,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,179,253,242,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,235,253,180,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,209,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,169,254,196,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,166,253,253,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,250,187,74,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,234,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,169,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,113,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,114,208,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,180,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,232,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,244,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,151,204,255,225,165,114,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,138,244,254,248,191,191,209,254,227,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,241,187,40,24,0,0,8,99,248,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,128,0,0,0,0,0,0,0,135,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,108,0,0,0,0,0,0,0,45,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,233,232,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,59,171,252,235,74,59,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,85,169,254,254,228,248,254,254,232,163,48,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,243,110,19,39,44,114,166,243,254,163,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,239,198,39,0,0,0,0,0,0,39,199,252,224,76,0,0,0,0,0,0,0,0,0,0,0,0,0,10,15,0,0,0,0,0,0,0,0,0,0,84,239,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,238,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,246,47,0,0,0,0,0,0,0,0,0,0,0,0,32,138,0,0,0,0,0,0,0,0,0,0,0,117,254,138,0,0,0,0,0,0,0,0,0,0,0,0,112,245,0,0,0,0,0,0,0,0,0,0,0,130,254,138,0,0,0,0,0,0,0,0,0,0,0,0,103,252,175,29,2,0,0,0,0,0,0,16,149,244,238,41,0,0,0,0,0,0,0,0,0,0,0,0,6,163,254,254,196,114,29,14,79,131,192,227,254,247,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,76,188,254,254,254,254,254,254,254,254,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,104,228,141,141,129,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,243,253,252,252,252,253,234,169,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,209,252,252,156,56,56,56,168,224,252,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,127,28,0,0,0,0,0,119,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,197,0,0,0,0,0,0,0,0,76,250,229,10,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,171,0,0,0,0,0,0,0,0,0,200,253,159,0,0,0,0,0,0,0,0,0,0,0,0,67,246,244,56,0,0,0,0,0,0,0,0,0,76,253,196,0,0,0,0,0,0,0,0,0,0,0,0,85,252,175,0,0,0,0,0,0,0,0,0,0,0,253,196,0,0,0,0,0,0,0,0,0,0,0,0,198,253,114,0,0,0,0,0,0,0,0,0,0,0,192,228,31,0,0,0,0,0,0,0,0,0,0,38,234,252,113,0,0,0,0,0,0,0,0,0,0,0,141,252,56,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,178,233,37,0,0,0,0,0,0,0,0,0,0,57,252,252,13,0,0,0,0,0,0,0,0,0,0,0,253,196,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,10,179,254,184,0,0,0,0,0,0,0,0,0,0,0,57,252,252,26,0,0,0,0,0,0,0,0,13,172,252,247,65,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,10,172,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,163,0,0,0,0,0,0,0,128,252,252,102,13,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,153,19,0,4,29,66,191,254,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,253,252,224,169,179,252,252,252,222,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,216,252,252,252,253,252,252,177,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,177,252,140,115,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,255,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,249,252,252,252,253,252,252,234,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,135,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,226,114,84,84,253,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,112,12,32,140,140,253,252,252,157,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,255,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,246,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,195,195,195,253,252,252,246,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,130,230,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,50,0,0,0,0,0,0,0,0,13,191,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,237,85,9,19,85,85,85,85,117,228,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,44,233,252,253,203,209,252,252,253,252,252,252,252,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,253,252,252,252,252,253,252,252,233,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,253,252,252,252,252,253,204,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,167,255,102,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,179,253,253,253,253,239,118,0,0,62,76,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,154,253,253,253,252,251,253,242,121,185,247,253,245,42,5,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,253,227,93,60,253,253,253,243,210,210,240,253,221,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,211,25,0,17,253,253,122,49,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,38,0,0,2,27,27,2,0,51,130,245,253,216,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,27,0,0,0,0,0,26,75,235,253,253,234,45,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,104,50,87,82,56,127,225,253,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,61,247,253,253,245,253,252,246,253,253,250,250,246,147,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,217,253,253,253,253,253,253,226,152,75,139,230,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,220,33,0,0,135,253,232,43,0,0,0,0,0,0,0,0,0,0,0,0,1,106,250,253,253,253,253,240,56,0,0,0,20,212,253,168,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,242,111,86,31,0,0,0,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,203,39,0,0,0,0,0,0,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,31,0,0,0,0,0,0,0,0,38,250,253,221,0,0,0,0,0,0,0,0,0,0,0,0,222,253,198,9,0,0,0,0,0,0,44,112,212,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,222,253,205,11,0,0,0,0,82,158,239,253,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,250,203,249,249,249,253,253,253,253,253,231,87,2,0,0,0,0,0,0,0,0,0,0,0,0,36,225,253,253,253,253,253,253,253,247,183,183,126,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,145,242,253,253,253,230,145,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,94,142,198,198,198,198,198,118,104,105,20,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,254,254,254,254,254,254,254,254,219,141,6,0,0,0,0,0,0,0,0,0,0,0,0,0,130,192,113,50,18,18,18,18,99,113,137,231,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,186,254,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,164,254,247,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,165,254,245,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,254,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,219,161,174,254,254,219,177,160,105,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,246,254,254,254,254,234,216,216,223,254,254,254,174,10,0,0,0,0,0,0,0,0,0,0,0,0,0,12,216,244,163,80,56,27,0,0,11,56,88,211,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,19,19,19,19,19,19,104,223,254,234,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,210,254,255,254,254,254,254,254,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,69,103,107,134,103,103,72,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,225,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,228,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,193,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,171,254,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,163,254,213,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,231,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,240,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,227,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,126,210,245,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,254,254,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,254,137,8,88,238,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,108,3,0,24,94,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,158,3,0,85,233,60,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,224,22,0,0,122,254,146,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,125,0,0,0,170,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,243,34,0,0,22,233,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,238,198,0,0,0,115,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,125,0,0,37,221,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,163,26,85,221,235,234,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,254,239,254,249,83,122,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,224,224,178,85,0,122,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,151,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,131,51,51,152,71,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,142,203,162,173,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,213,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,234,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,82,0,0,0,0,0,112,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,0,0,0,0,0,41,243,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,243,122,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,132,31,0,0,92,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,232,203,203,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,255,253,255,253,255,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,131,252,253,212,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,237,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,236,34,0,6,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,221,0,0,115,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,194,253,58,0,0,142,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,229,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,143,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,182,12,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,156,0,0,0,18,245,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,248,187,17,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,99,0,0,0,0,100,253,229,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,100,0,0,0,101,187,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,213,253,99,0,0,82,230,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,208,253,208,57,148,254,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,253,249,253,242,112,235,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,198,198,198,39,91,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,224,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,224,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,168,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,69,0,0,0,0,0,0,0,177,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,197,14,0,0,0,0,0,49,249,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,243,254,32,0,0,0,0,0,53,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,248,254,32,0,0,0,0,0,26,215,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,254,32,0,0,0,0,0,53,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,32,0,0,0,0,0,160,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,32,0,0,0,0,0,184,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,32,0,0,0,0,0,184,254,254,91,0,6,63,0,0,0,0,0,0,0,0,0,0,0,0,243,254,254,32,0,0,0,0,0,184,254,254,99,73,195,211,0,0,0,0,0,0,0,0,0,0,0,0,243,254,254,32,18,53,53,87,184,235,254,254,218,236,71,31,0,0,0,0,0,0,0,0,0,0,0,0,243,254,254,120,203,254,254,255,254,254,254,254,225,187,0,0,0,0,0,0,0,0,0,0,0,0,0,80,251,254,254,254,254,254,243,215,185,207,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,243,222,114,65,0,0,184,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,247,254,231,79,0,0,0,0,0,184,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,104,11,0,0,0,0,0,0,107,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,207,255,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,197,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,251,148,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,124,227,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,242,147,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,253,113,143,246,246,130,241,246,209,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,253,231,200,200,85,25,159,253,240,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,239,71,0,0,0,0,72,240,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,248,137,10,0,0,0,125,249,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,151,115,115,115,196,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,235,249,253,253,253,253,253,253,253,152,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,196,253,253,253,253,253,165,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,33,78,138,137,78,78,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,79,52,0,0,0,0,0,0,0,0,0,0,135,252,252,0,0,0,0,0,0,0,0,0,0,0,0,111,250,237,0,0,0,0,0,0,0,0,0,6,206,252,194,0,0,0,0,0,0,0,0,0,0,0,15,222,252,241,0,0,0,0,0,0,0,0,0,36,252,252,119,0,0,0,0,0,0,0,0,0,0,0,23,252,252,203,0,0,0,0,0,0,0,0,0,122,252,225,21,0,0,0,0,0,0,0,0,0,0,0,176,252,248,30,0,0,0,0,0,0,0,0,4,223,252,170,0,0,0,0,0,0,0,0,0,0,0,81,248,243,88,0,0,0,0,0,0,0,4,69,188,252,245,54,0,0,0,0,0,0,0,0,0,0,50,241,252,116,0,0,0,0,0,0,0,0,56,252,252,252,174,0,0,0,0,0,0,0,0,0,0,0,115,252,243,50,0,0,0,0,0,49,78,111,233,252,252,252,99,0,0,0,0,0,0,0,0,0,0,48,253,253,59,0,65,143,162,253,253,255,253,253,226,204,253,165,0,0,0,0,0,0,0,0,0,0,0,143,252,183,3,116,236,252,252,232,186,187,186,95,52,226,252,21,0,0,0,0,0,0,0,0,0,0,0,186,252,235,209,237,252,205,86,30,0,0,0,0,114,252,218,13,0,0,0,0,0,0,0,0,0,0,0,196,252,252,231,206,82,6,0,0,0,0,0,0,132,252,107,0,0,0,0,0,0,0,0,0,0,0,0,50,88,88,4,0,0,0,0,0,0,0,0,22,206,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,252,248,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,252,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,239,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,79,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,245,245,230,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,191,227,253,253,250,197,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,44,98,244,253,236,107,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,242,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,243,253,127,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,218,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,167,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,196,254,130,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,246,253,164,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,78,0,0,0,0,0,0,12,93,147,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,181,106,106,106,153,192,192,219,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,203,253,253,254,253,253,253,253,253,252,177,94,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,78,78,79,78,78,78,78,78,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,195,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,242,194,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,238,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,160,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,196,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,176,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,213,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,177,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,246,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,155,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,160,223,167,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,245,212,122,181,234,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,103,0,0,11,182,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,63,0,0,0,0,207,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,225,102,0,0,0,0,97,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,193,176,0,0,0,0,41,226,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,214,11,0,0,0,39,229,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,197,0,0,0,65,228,188,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,224,203,147,147,250,193,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,138,194,160,111,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,255,163,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,159,241,238,239,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,200,38,147,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,78,0,57,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,216,157,4,0,26,233,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,113,0,0,0,217,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,143,0,0,41,243,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,172,252,127,17,78,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,234,254,228,239,229,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,159,191,107,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,145,254,173,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,145,254,253,253,253,176,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,254,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,109,249,253,200,84,166,253,253,229,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,156,118,77,0,0,37,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,37,0,0,0,0,37,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,133,133,133,18,13,94,254,254,254,251,46,0,0,0,0,0,0,0,0,0,0,0,0,0,4,106,171,253,253,253,253,253,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,16,171,253,253,253,253,253,253,253,254,253,253,253,253,226,157,112,21,0,0,0,0,0,0,0,0,0,0,48,253,253,242,219,214,205,249,253,254,253,253,253,253,253,253,235,169,6,0,0,0,0,0,0,0,0,9,223,253,242,89,21,14,0,143,253,254,253,253,253,239,239,204,120,0,0,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,110,219,253,254,253,253,181,46,46,12,0,0,0,0,0,0,0,0,0,0,0,9,217,253,244,120,86,183,247,253,253,254,253,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,253,253,254,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,253,253,253,253,133,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,87,132,219,253,253,253,201,17,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,121,122,121,121,234,254,254,162,121,115,0,0,0,0,0,0,0,0,0,0,0,40,74,0,0,74,193,253,253,254,253,253,253,253,253,253,253,253,114,0,0,0,0,0,0,0,0,0,90,224,245,228,199,203,203,253,253,160,159,39,69,159,159,159,159,152,13,0,0,0,0,0,0,0,0,103,251,253,185,173,190,198,68,39,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,203,19,0,12,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,253,197,152,54,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,214,253,253,253,241,174,167,41,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,93,199,232,253,253,253,253,210,34,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,107,191,240,253,254,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,254,253,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,242,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,45,0,0,0,0,0,0,108,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,88,0,0,0,0,0,0,108,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,236,78,0,0,0,0,0,108,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,236,83,15,0,0,41,201,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,220,253,253,194,161,161,255,253,253,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,134,249,253,253,253,255,253,241,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,120,197,253,121,120,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,66,0,0,0,0,0,0,0,19,215,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,246,100,0,0,0,0,0,13,194,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,255,253,168,0,0,0,0,0,29,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,93,0,0,0,0,0,29,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,208,13,0,0,0,0,0,29,252,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,145,0,0,0,0,0,0,128,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,146,0,0,0,0,0,0,154,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,208,13,0,0,0,0,26,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,252,122,47,85,28,29,159,253,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,252,240,253,234,234,252,253,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,225,247,253,254,253,231,238,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,84,84,84,19,113,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,114,86,141,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,57,0,0,0,0,86,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,0,0,0,0,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,0,0,0,0,141,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,29,0,0,29,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,86,0,0,170,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,198,0,86,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,86,86,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,86,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,0,0,0,0,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,141,0,0,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,0,0,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,0,0,57,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,141,0,0,0,0,0,0,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,255,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,170,86,114,170,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,141,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,86,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,57,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,114,0,0,0,0,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,57,0,0,0,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,29,0,57,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,170,170,57,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,170,198,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,141,0,29,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,29,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,29,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,226,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,159,0,0,0,0,0,0,0,0,16,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,202,17,0,0,0,0,0,0,0,157,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,38,0,0,0,0,0,0,0,163,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,38,0,0,0,0,0,0,36,244,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,38,0,0,0,0,0,0,87,253,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,149,0,44,0,0,0,0,169,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,238,209,232,175,20,0,15,195,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,216,253,253,215,57,46,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,187,28,180,253,253,212,139,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,168,0,19,113,253,253,219,191,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,248,253,141,0,0,19,180,253,240,230,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,78,12,0,0,0,18,204,253,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,213,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,78,146,146,188,255,152,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,133,253,253,214,177,177,250,253,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,253,178,55,16,0,0,42,217,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,173,239,105,0,0,0,0,0,0,173,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,238,68,0,0,0,0,0,0,0,138,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,244,63,0,0,0,0,0,0,0,0,70,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,114,0,0,0,0,0,0,0,0,0,173,253,92,0,0,0,0,0,0,0,0,0,0,0,0,2,161,253,27,0,0,0,0,0,0,0,0,10,201,253,5,0,0,0,0,0,0,0,0,0,0,0,0,13,253,126,3,0,0,0,0,0,0,0,0,81,253,159,1,0,0,0,0,0,0,0,0,0,0,0,0,114,226,23,0,0,0,0,0,0,0,0,0,205,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,153,210,0,0,0,0,0,0,0,0,0,36,247,230,27,0,0,0,0,0,0,0,0,0,0,0,0,7,225,201,0,0,0,0,0,0,0,0,31,224,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,102,0,0,0,0,0,0,0,0,60,253,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,102,0,0,0,0,0,0,0,9,180,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,102,0,0,0,0,0,0,0,127,253,243,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,245,129,0,0,0,0,0,0,91,214,238,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,210,0,0,0,0,0,67,222,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,133,4,0,12,93,252,242,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,253,90,92,204,249,183,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,180,253,253,170,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,73,99,252,253,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,181,253,179,98,252,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,144,237,252,168,108,15,16,108,170,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,220,41,0,0,0,0,0,0,154,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,179,0,0,0,0,0,0,0,10,190,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,236,71,0,0,0,0,0,0,0,0,160,252,222,25,0,0,0,0,0,0,0,0,0,0,0,0,181,252,143,0,0,0,0,0,0,0,0,0,37,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,182,253,144,0,0,0,0,0,0,0,0,0,0,145,255,180,0,0,0,0,0,0,0,0,0,0,0,187,242,252,20,0,0,0,0,0,0,0,0,0,0,20,253,242,62,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,253,252,92,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,218,253,253,0,0,0,0,0,0,0,0,0,0,0,0,110,253,217,0,0,0,0,0,0,0,0,0,0,175,252,252,0,0,0,0,0,0,0,0,0,0,0,0,233,252,91,0,0,0,0,0,0,0,0,0,0,63,241,252,119,5,0,0,0,0,0,0,0,0,0,21,253,241,61,0,0,0,0,0,0,0,0,0,0,0,181,252,252,119,0,0,0,0,0,0,0,0,105,206,253,179,0,0,0,0,0,0,0,0,0,0,0,0,21,207,253,211,94,0,0,0,0,0,47,109,212,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,20,179,242,247,217,218,217,217,217,233,252,252,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,241,252,253,252,252,252,253,220,112,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,108,253,252,231,108,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,191,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,128,128,128,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,128,128,191,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,128,128,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,252,201,145,76,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,141,249,252,253,252,238,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,141,207,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,225,252,190,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,253,204,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,252,243,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,238,252,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,250,252,252,189,122,121,196,218,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,253,253,255,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,228,228,228,228,229,216,186,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,136,252,252,180,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,142,253,252,199,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,97,97,97,221,252,253,243,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,252,252,252,138,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,252,148,131,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,179,254,254,254,254,232,156,156,66,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,253,253,253,254,253,253,253,185,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,254,253,253,240,205,254,253,253,253,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,244,130,87,16,8,19,64,117,131,244,254,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,45,0,0,0,0,0,0,0,0,45,216,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,16,135,0,0,0,0,0,0,0,0,0,0,134,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,117,0,0,0,0,0,0,0,0,0,0,17,118,65,20,8,0,0,0,0,0,0,0,4,58,239,253,253,109,0,0,0,0,0,0,0,0,0,0,118,253,253,253,206,168,79,36,0,0,0,0,137,253,254,253,228,13,0,0,0,0,0,0,0,0,0,0,170,253,253,253,254,253,253,243,196,115,47,166,251,253,254,234,73,0,0,0,0,0,0,0,0,0,0,23,229,253,237,155,178,253,253,253,253,254,253,253,253,253,254,99,0,0,0,0,0,0,0,0,0,0,0,59,254,254,95,0,0,8,183,254,254,255,254,254,254,254,255,246,127,27,0,0,0,0,0,0,0,0,0,9,220,253,72,16,20,103,196,253,253,254,253,253,253,253,254,253,253,191,0,0,0,0,0,0,0,0,0,0,184,253,241,235,254,253,253,253,253,235,129,78,115,78,137,174,107,36,0,0,0,0,0,0,0,0,0,0,62,241,253,253,254,253,253,247,176,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,170,253,254,170,88,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,195,120,70,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,241,206,244,253,254,232,188,105,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,109,0,38,46,71,154,232,253,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,127,0,0,0,0,0,7,203,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,185,0,0,0,0,0,0,185,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,84,0,0,0,0,0,38,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,161,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,91,0,0,70,136,254,254,255,254,178,95,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,249,230,230,254,253,248,173,115,131,131,115,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,137,171,171,169,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,216,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,211,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,246,156,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,234,235,253,247,177,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,108,186,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,191,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,246,96,209,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,238,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,76,46,128,195,195,254,253,253,147,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,254,254,254,254,255,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,136,135,173,135,143,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,254,244,204,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,253,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,139,212,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,194,252,253,252,240,223,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,252,253,252,130,25,121,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,252,252,252,253,252,240,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,252,252,252,253,252,252,244,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,255,253,253,253,243,244,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,252,252,235,60,118,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,236,253,252,252,128,0,7,186,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,45,0,0,120,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,189,4,0,0,47,252,252,252,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,253,184,0,0,0,0,185,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,252,183,0,0,0,30,228,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,234,65,0,0,47,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,252,236,19,0,89,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,252,252,252,75,0,161,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,253,149,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,236,252,252,252,253,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,234,252,252,253,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,252,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,189,190,137,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,105,192,130,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,213,252,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,242,252,252,237,123,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,237,132,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,242,252,141,25,0,0,0,0,0,0,0,0,0,0,0,124,96,0,0,0,0,0,0,0,0,0,0,78,252,252,29,0,0,0,0,0,0,0,0,0,9,30,110,248,189,0,0,0,0,0,0,0,0,0,0,208,252,252,29,0,0,0,0,0,0,0,0,0,153,252,252,252,59,0,0,0,0,0,0,0,0,0,0,68,252,252,29,0,0,0,0,0,0,0,6,160,250,241,162,22,4,0,0,0,0,0,0,0,0,0,0,50,236,252,156,13,0,0,0,0,0,38,145,252,238,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,161,0,0,0,0,62,234,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,253,253,113,105,192,255,228,149,149,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,44,228,216,252,252,252,252,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,69,252,252,252,252,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,252,252,253,220,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,223,248,243,177,37,29,160,253,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,226,252,243,108,0,0,0,44,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,99,16,63,0,24,134,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,240,240,244,238,240,252,253,230,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,209,252,252,252,252,252,252,252,234,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,147,234,182,252,163,163,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,122,25,0,0,0,0,0,0,0,0,0,80,255,168,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,226,116,0,0,0,0,0,0,0,57,225,253,168,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,250,232,223,127,127,128,162,232,246,252,250,110,0,0,0,0,0,0,0,0,0,0,0,0,85,252,210,84,227,252,252,252,252,253,252,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,242,35,25,42,138,147,147,147,147,244,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,42,0,0,0,0,0,0,68,245,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,107,11,0,0,0,0,0,32,237,252,169,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,246,253,252,249,140,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,247,211,250,253,209,131,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,211,0,111,224,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,244,62,0,0,14,65,127,161,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,80,0,0,0,0,0,0,75,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,166,0,0,0,0,0,42,232,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,180,1,0,0,0,0,0,164,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,60,0,0,0,0,0,21,227,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,9,0,0,0,0,0,44,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,203,4,0,0,0,0,17,197,245,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,244,56,0,0,0,0,0,85,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,230,0,0,0,0,0,5,199,241,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,85,0,0,0,0,0,70,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,38,0,0,0,5,88,228,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,140,78,49,85,199,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,236,254,254,248,235,180,194,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,148,148,93,29,4,185,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,219,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,236,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,234,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,130,73,1,0,0,0,0,0,0,0,0,0,0,8,13,5,0,0,0,0,0,0,0,0,0,0,54,242,253,253,73,0,0,0,0,0,0,0,0,0,1,151,253,170,7,0,0,0,0,0,0,0,0,0,100,253,253,253,129,0,0,0,0,0,0,0,0,0,6,188,253,253,165,0,0,0,0,0,0,0,0,0,51,242,253,253,190,0,0,0,0,0,0,0,0,0,23,210,253,253,201,0,0,0,0,0,0,0,0,0,115,253,253,253,115,0,0,0,0,0,0,0,0,0,136,253,253,253,93,0,0,0,0,0,0,0,0,60,242,253,253,253,5,0,0,0,0,0,0,0,0,0,136,253,253,233,32,0,0,0,0,0,0,0,0,115,253,253,253,233,5,0,0,0,0,0,0,0,0,0,136,253,253,137,0,0,0,0,0,0,0,0,18,224,253,253,253,135,0,0,0,0,0,0,0,0,0,32,219,253,253,193,21,0,0,0,0,0,0,46,184,253,253,253,253,48,0,0,0,0,0,0,0,0,0,161,253,253,253,253,210,105,63,63,63,156,186,240,253,253,253,253,171,3,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,2,55,178,253,253,253,253,237,230,253,192,172,172,200,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,4,43,43,43,43,34,31,43,11,0,0,190,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,182,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,161,253,95,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,59,59,255,253,253,253,177,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,117,158,251,251,253,251,251,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,222,251,251,251,251,253,251,251,251,251,204,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,240,251,251,251,251,251,213,212,239,251,251,251,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,251,251,251,220,153,153,0,0,175,251,251,251,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,251,119,66,0,0,0,0,67,240,251,251,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,37,6,0,0,0,0,0,0,233,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,239,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,251,251,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,251,251,251,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,210,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,251,155,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,251,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,57,237,175,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,229,255,240,95,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,94,235,253,254,253,149,82,235,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,91,253,248,173,91,158,230,234,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,124,253,253,103,0,0,104,253,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,130,3,0,0,126,253,253,226,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,208,5,0,0,12,175,253,247,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,239,22,0,0,63,226,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,178,0,0,105,250,254,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,194,123,213,247,253,198,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,253,253,253,242,90,66,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,188,188,132,49,0,160,254,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,233,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,184,239,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,251,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,170,251,253,251,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,168,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,246,251,251,242,92,0,0,0,0,0,0,0,0,0,0,32,21,0,0,0,0,0,0,0,0,0,32,190,251,251,251,180,0,0,0,0,0,0,0,0,0,32,109,231,189,109,0,0,0,0,0,0,0,0,73,251,251,251,251,51,0,0,0,0,0,0,0,0,130,202,251,251,251,251,0,0,0,0,0,0,0,0,73,253,253,253,253,0,0,0,0,0,0,0,0,110,253,255,253,253,253,253,0,0,0,0,0,0,0,0,176,251,251,251,251,0,0,0,0,0,0,0,21,190,251,253,251,251,251,251,0,0,0,0,0,0,0,0,227,251,251,251,251,0,0,0,0,0,11,140,221,251,251,253,251,251,251,96,0,0,0,0,0,0,0,0,73,251,251,251,251,0,0,0,0,0,150,251,251,251,251,253,251,235,142,41,0,0,0,0,0,0,0,0,73,251,251,251,251,182,77,0,0,130,253,251,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,53,180,243,253,253,255,253,253,253,253,255,253,253,253,253,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,113,251,251,253,251,251,251,251,253,251,251,251,251,211,107,15,0,0,0,0,0,0,0,0,0,0,0,0,5,113,215,253,251,251,251,251,253,251,251,251,96,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,205,235,189,251,253,188,142,142,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,61,31,71,72,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,196,255,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,248,228,69,8,98,251,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,140,245,155,11,0,0,62,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,138,0,0,0,0,62,253,240,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,247,185,9,0,0,0,0,62,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,224,42,0,0,0,0,0,116,253,247,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,130,0,0,0,0,0,105,249,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,169,10,0,0,7,132,251,253,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,222,118,100,207,254,247,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,205,253,253,222,79,133,232,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,88,27,52,251,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,218,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,210,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,193,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,249,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,244,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,198,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,157,224,225,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,222,253,253,254,81,0,0,0,85,93,127,127,9,0,0,0,0,0,0,0,0,0,0,0,0,7,170,254,254,254,254,127,9,7,136,221,254,254,254,255,237,146,0,0,0,0,0,0,0,0,0,0,9,166,253,241,139,23,23,0,0,11,182,182,131,131,148,207,249,251,113,0,0,0,0,0,0,0,0,0,130,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,59,224,236,0,0,0,0,0,0,0,0,26,239,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,0,0,0,0,0,0,0,0,162,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,0,0,0,0,0,0,0,0,229,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,0,0,0,0,0,0,0,0,161,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,244,0,0,0,0,0,0,0,0,128,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,128,0,0,0,0,0,0,0,0,26,239,163,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,239,25,0,0,0,0,0,0,0,0,0,146,242,55,0,0,0,0,0,0,0,0,0,0,22,147,254,244,154,0,0,0,0,0,0,0,0,0,0,42,224,202,51,0,0,0,0,0,0,0,7,40,212,253,222,79,0,0,0,0,0,0,0,0,0,0,0,0,116,253,210,42,0,0,0,0,9,93,170,253,253,219,84,0,0,0,0,0,0,0,0,0,0,0,0,0,9,159,255,237,237,186,187,254,254,254,254,241,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,165,244,253,254,253,253,219,115,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,46,46,46,46,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,47,131,238,210,122,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,113,228,254,147,54,75,175,194,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,201,245,168,37,0,0,0,11,155,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,239,216,28,0,0,0,0,0,0,51,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,214,27,0,0,0,0,0,0,0,0,128,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,73,0,0,0,0,0,0,0,51,118,28,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,168,3,0,0,0,0,0,0,3,191,189,0,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,138,0,0,0,0,0,0,0,89,254,138,0,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,138,0,0,0,0,0,0,41,239,250,86,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,161,0,0,0,0,0,38,226,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,128,9,0,5,47,232,226,245,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,154,254,220,200,212,254,222,58,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,73,156,205,184,91,19,47,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,47,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,239,254,255,226,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,235,252,224,123,167,254,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,110,253,242,157,30,0,1,178,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,45,0,0,0,0,169,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,240,254,88,4,0,0,0,0,169,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,4,0,0,0,0,1,172,201,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,95,0,0,0,0,96,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,231,253,146,9,0,37,228,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,178,254,176,18,203,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,222,232,254,235,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,247,245,250,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,169,251,186,38,132,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,231,73,0,0,80,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,208,40,0,0,0,18,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,230,35,0,0,0,0,100,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,155,0,0,0,0,0,122,237,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,232,55,10,0,5,81,243,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,254,214,192,203,254,237,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,164,221,254,254,137,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,194,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,118,235,215,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,236,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,235,253,247,244,254,251,166,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,118,49,45,81,238,253,206,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,151,0,0,0,0,8,183,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,249,36,0,0,0,0,0,42,244,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,165,0,0,0,0,0,0,0,166,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,8,0,0,0,0,0,0,0,84,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,0,0,0,0,0,0,0,0,24,230,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,0,0,0,0,0,0,196,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,0,0,0,0,0,0,195,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,0,0,0,0,0,0,0,0,0,195,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,114,0,0,0,0,0,0,0,0,195,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,232,24,0,0,0,0,0,0,25,231,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,151,254,213,44,0,0,0,0,0,167,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,229,111,0,0,0,85,247,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,184,241,250,234,212,182,247,247,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,148,230,254,253,185,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,158,181,31,0,23,218,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,241,67,0,120,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,172,253,132,0,0,136,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,97,0,0,161,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,255,208,162,6,0,0,215,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,243,254,136,0,0,0,0,215,253,234,0,0,25,13,0,0,0,0,0,0,0,0,0,0,0,0,0,27,243,254,235,215,166,59,59,223,253,215,59,59,203,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,253,253,253,254,253,253,253,254,253,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,121,103,150,241,243,254,254,235,234,210,162,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,153,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,150,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,213,234,185,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,229,58,163,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,211,200,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,218,0,0,1,65,120,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,251,155,0,33,169,254,254,233,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,82,8,181,214,123,242,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,135,226,232,25,52,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,210,37,6,224,231,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,234,148,210,225,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,240,132,197,222,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,135,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,225,243,118,76,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,254,253,253,169,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,250,229,175,211,229,253,229,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,227,174,30,0,0,0,121,248,218,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,172,0,0,0,0,0,0,80,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,147,0,0,0,0,0,0,3,204,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,136,0,0,0,0,0,0,0,124,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,107,0,0,0,0,0,0,0,0,185,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,251,98,0,0,0,0,0,0,0,0,113,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,234,0,0,0,0,0,0,0,0,0,71,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,210,0,0,0,0,0,0,0,0,0,59,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,36,0,0,0,0,0,0,0,0,59,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,174,0,0,0,0,0,0,0,0,0,59,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,174,0,0,0,0,0,0,0,0,0,120,235,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,240,18,0,0,0,0,0,0,0,85,250,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,255,113,0,0,0,0,0,0,56,212,207,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,202,18,0,0,0,52,165,251,153,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,214,136,191,215,247,168,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,217,253,199,115,145,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,136,191,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,212,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,168,114,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,254,139,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,254,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,241,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,251,254,151,0,0,0,5,6,6,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,114,0,23,117,235,254,254,242,125,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,31,25,209,254,254,254,254,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,106,251,254,254,221,111,73,103,213,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,254,229,254,253,102,13,0,0,0,182,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,254,254,138,0,0,0,0,0,182,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,41,0,0,0,0,10,205,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,41,0,0,0,0,92,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,254,254,69,0,0,12,68,244,234,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,249,254,239,155,115,223,212,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,254,254,254,168,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,72,152,254,254,254,175,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,120,180,255,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,251,254,255,254,254,233,140,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,254,176,181,254,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,117,64,19,0,2,19,183,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,233,254,243,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,225,254,254,196,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,254,254,246,175,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,59,104,186,254,254,254,227,196,143,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,196,233,254,254,254,254,97,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,181,248,254,254,254,176,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,93,205,254,254,230,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,139,248,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,140,248,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,94,206,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,235,248,254,254,208,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,155,155,155,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,148,148,148,192,210,253,200,192,236,193,148,92,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,253,252,252,252,252,253,252,252,252,252,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,252,252,252,253,252,252,252,235,214,91,19,0,0,0,0,0,0,0,0,0,0,0,0,6,155,252,253,252,252,210,189,84,84,84,84,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,253,252,252,198,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,253,253,253,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,168,239,168,168,116,154,252,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,6,152,245,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,224,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,0,0,0,0,0,0,0,29,231,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,221,0,0,0,0,0,0,0,0,137,249,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,245,83,0,0,0,0,0,0,0,85,237,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,215,18,0,0,0,0,0,0,85,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,87,29,0,0,0,0,85,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,253,231,94,85,14,50,185,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,47,232,253,252,252,252,236,245,252,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,145,237,252,252,252,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,147,252,252,236,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,159,229,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,216,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,226,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,145,254,253,250,200,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,236,253,254,162,38,76,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,248,253,239,82,5,0,118,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,127,231,253,201,20,0,0,0,169,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,242,253,253,177,19,0,0,0,10,250,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,231,253,246,84,2,0,0,0,0,55,253,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,231,188,188,188,188,188,214,253,241,112,95,4,0,0,0,0,0,0,0,0,0,0,0,0,0,56,224,254,254,254,254,254,255,254,254,254,254,249,188,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,28,59,122,122,122,87,122,175,253,214,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,179,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,101,184,246,253,240,100,188,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,215,252,252,252,253,112,0,93,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,253,196,0,93,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,249,146,63,63,64,42,0,208,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,13,215,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,240,152,44,0,0,0,101,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,252,252,236,103,43,17,209,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,221,252,252,241,234,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,231,255,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,177,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,221,252,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,234,25,196,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,178,0,184,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,253,190,0,5,191,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,117,5,136,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,137,191,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,252,252,253,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,252,243,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,204,253,253,253,255,178,91,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,244,168,130,56,119,224,252,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,139,25,0,0,0,0,19,203,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,229,252,252,252,238,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,254,253,244,238,254,253,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,214,81,38,153,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,168,106,19,0,0,7,149,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,252,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,38,210,28,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,63,203,159,25,0,0,0,0,0,0,26,210,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,165,141,29,29,29,79,141,216,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,252,253,252,252,252,253,252,252,151,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,168,243,253,252,252,252,253,196,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,203,177,139,90,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,131,214,254,254,254,254,156,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,250,243,243,181,189,246,253,191,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,229,218,79,0,0,0,0,25,209,253,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,16,0,0,0,0,0,0,27,219,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,125,230,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,76,203,253,253,171,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,125,253,253,245,99,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,220,253,251,186,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,205,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,184,215,253,251,151,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,55,177,253,117,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,235,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,75,66,0,0,0,0,0,0,0,5,226,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,233,51,0,0,0,0,0,0,0,98,253,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,42,225,169,0,0,0,0,0,0,0,2,178,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,149,0,0,0,0,0,0,0,47,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,222,218,41,0,0,0,0,0,46,228,253,163,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,234,90,5,0,54,131,230,253,229,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,121,253,253,245,245,250,253,243,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,106,187,253,253,253,173,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,82,163,254,111,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,88,207,244,254,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,196,253,253,253,254,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,253,253,253,185,57,45,223,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,253,253,185,14,23,207,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,254,175,10,59,217,254,254,238,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,253,241,220,253,254,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,253,253,253,253,254,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,254,253,253,253,253,254,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,237,155,140,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,142,165,8,0,59,254,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,153,96,96,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,251,251,251,251,253,251,220,190,190,131,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,251,251,251,251,253,251,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,31,31,70,188,213,251,251,251,251,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,194,255,253,253,253,253,159,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,112,205,251,253,251,235,220,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,205,126,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,218,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,253,253,255,253,253,114,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,102,220,253,251,251,251,212,32,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,220,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,141,251,251,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,205,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,96,96,194,255,253,253,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,131,191,197,251,251,251,253,251,251,243,220,63,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,251,251,251,253,235,126,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,243,188,188,188,129,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,94,153,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,38,121,167,255,254,254,161,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,139,204,206,160,125,57,117,253,188,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,237,130,130,48,0,0,0,135,253,216,16,0,0,0,0,0,0,0,0,0,0,0,0,12,160,176,155,211,157,0,0,0,0,0,24,235,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,3,130,227,155,67,7,0,0,0,0,20,139,253,241,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,235,253,231,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,196,253,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,236,253,228,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,154,253,253,253,80,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,253,253,241,156,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,155,215,174,113,195,113,225,249,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,1,0,2,6,193,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,186,253,242,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,247,253,164,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,217,253,205,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,96,246,253,209,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,119,163,253,253,137,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,139,211,189,67,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,196,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,254,122,8,55,55,204,235,190,145,145,120,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,245,222,253,253,254,232,235,253,253,254,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,254,249,222,144,144,54,23,27,54,54,208,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,254,102,0,0,0,0,0,0,0,0,106,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,79,181,66,0,0,0,0,0,0,0,0,59,255,218,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,242,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,240,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,154,245,238,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,228,253,194,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,112,228,255,134,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,225,253,253,228,146,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,218,250,253,250,216,241,253,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,235,150,99,50,0,73,247,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,194,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,255,160,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,107,55,120,107,145,224,253,160,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,254,253,253,250,120,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,254,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,79,162,163,214,162,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,221,18,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,219,237,209,129,111,65,11,60,40,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,232,199,253,253,253,253,253,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,239,50,6,35,94,133,157,243,253,254,208,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,223,0,0,0,0,0,0,144,253,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,135,212,0,0,0,0,0,106,250,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,124,0,0,0,0,38,228,253,169,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,109,0,0,0,0,121,253,224,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,129,6,0,0,0,116,242,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,249,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,176,253,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,225,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,170,253,227,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,234,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,240,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,242,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,51,152,193,152,152,152,152,152,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,233,252,253,252,253,252,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,253,254,253,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,253,252,253,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,254,253,254,50,0,0,193,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,253,252,253,91,0,82,233,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,253,254,253,113,233,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,253,252,253,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,254,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,252,253,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,253,254,253,254,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,253,254,253,254,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,151,192,192,151,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,224,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,117,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,254,254,254,236,183,101,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,254,254,254,254,222,113,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,176,254,246,44,25,25,62,189,254,254,244,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,179,0,0,0,0,14,111,189,254,254,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,243,42,0,0,0,0,0,0,4,105,241,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,147,254,234,0,0,0,0,0,0,0,0,0,40,195,254,233,62,0,0,0,0,0,0,0,0,0,0,33,236,254,215,0,0,0,0,0,0,0,0,0,0,52,211,254,253,9,0,0,0,0,0,0,0,0,0,56,254,254,94,0,0,0,0,0,0,0,0,0,0,0,99,254,254,51,0,0,0,0,0,0,0,0,0,56,254,239,27,0,0,0,0,0,0,0,0,0,0,0,0,212,254,172,0,0,0,0,0,0,0,0,0,56,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,209,0,0,0,0,0,0,0,0,0,56,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,182,0,0,0,0,0,0,0,0,0,56,254,196,4,0,0,0,0,0,0,0,0,0,0,0,82,252,254,61,0,0,0,0,0,0,0,0,0,56,254,254,66,0,0,0,0,0,0,0,0,0,54,129,233,254,159,3,0,0,0,0,0,0,0,0,0,48,248,254,230,36,18,0,0,0,35,36,59,180,248,254,254,208,5,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,222,190,190,190,253,254,254,254,254,174,133,31,0,0,0,0,0,0,0,0,0,0,0,0,4,100,248,254,254,254,254,254,254,254,226,164,43,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,154,245,254,254,254,235,152,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,172,173,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,234,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,233,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,10,113,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,91,233,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,213,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,243,253,130,172,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,254,192,224,40,51,131,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,233,50,20,0,10,10,50,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,192,0,0,0,0,0,0,0,0,234,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,0,71,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,213,82,0,0,0,0,0,0,82,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,212,243,122,0,0,0,0,123,243,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,20,0,0,0,163,203,223,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,20,0,0,41,243,122,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,152,152,173,253,152,152,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,213,252,253,252,253,252,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,233,255,253,255,213,183,102,102,20,21,223,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,151,151,50,10,0,0,0,0,41,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,203,0,0,0,31,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,141,102,102,183,233,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,254,213,204,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,192,151,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,163,243,253,171,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,233,244,162,41,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,212,81,0,0,41,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,102,20,0,0,0,163,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,0,82,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,214,213,132,31,173,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,213,232,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,250,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,239,254,244,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,213,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,255,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,156,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,97,97,59,141,156,246,254,194,156,156,141,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,253,254,253,253,253,253,254,253,253,253,253,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,235,254,247,174,174,174,175,92,78,167,235,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,19,18,0,0,0,0,0,0,0,105,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,144,173,254,255,247,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,196,255,253,253,160,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,223,253,254,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,203,73,25,213,245,242,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,246,200,23,0,0,91,73,99,234,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,218,250,65,0,0,0,0,0,5,146,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,253,88,0,0,0,0,0,0,0,54,251,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,180,9,0,0,0,0,0,0,0,0,199,151,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,212,14,0,0,0,0,0,0,0,0,0,118,242,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,150,0,0,0,0,0,0,0,0,0,0,12,234,87,0,0,0,0,0,0,0,0,0,0,0,0,211,232,0,0,0,0,0,0,0,0,0,0,0,0,219,100,0,0,0,0,0,0,0,0,0,0,0,0,210,202,0,0,0,0,0,0,0,0,0,0,0,0,122,99,0,0,0,0,0,0,0,0,0,0,0,27,227,121,0,0,0,0,0,0,0,0,0,0,0,0,165,142,0,0,0,0,0,0,0,0,0,0,0,67,253,121,0,0,0,0,0,0,0,0,0,0,0,47,243,151,0,0,0,0,0,0,0,0,0,0,0,67,253,121,0,0,0,0,0,0,0,0,0,0,0,161,251,78,0,0,0,0,0,0,0,0,0,0,0,67,253,121,0,0,0,0,0,0,0,0,0,8,161,242,155,0,0,0,0,0,0,0,0,0,0,0,0,6,214,175,9,0,0,0,0,0,0,3,55,230,251,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,232,69,4,0,14,45,108,181,253,230,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,193,188,208,253,254,199,132,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,230,253,253,253,157,33,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,252,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,252,252,162,0,0,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,162,8,132,194,228,185,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,162,132,252,253,252,252,203,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,200,219,253,255,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,252,252,252,253,202,195,252,252,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,242,252,252,193,205,252,176,16,6,158,250,252,205,9,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,92,24,132,0,0,0,0,223,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,252,58,0,0,0,0,0,0,92,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,59,252,252,252,252,173,30,13,13,30,30,101,200,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,7,118,236,252,252,252,252,182,183,252,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,252,252,252,252,253,252,252,252,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,164,231,252,252,252,253,252,252,252,252,220,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,155,252,252,253,252,252,181,103,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,81,160,188,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,94,142,226,244,254,254,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,198,202,254,254,254,254,254,254,246,216,63,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,254,254,209,178,178,85,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,138,113,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,250,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,206,0,61,176,179,179,180,179,179,117,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,231,254,234,228,251,254,254,254,254,254,254,254,246,127,17,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,254,244,225,225,225,201,215,237,235,252,254,196,50,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,204,44,0,0,0,0,0,27,22,148,236,254,215,28,0,0,0,0,0,0,0,0,0,0,38,252,188,84,0,0,0,0,0,0,0,0,0,0,85,235,254,131,0,0,0,0,0,0,0,0,0,0,5,27,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,182,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,226,254,222,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,229,254,254,162,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,92,57,57,57,117,200,252,254,254,165,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,254,254,254,255,254,254,235,51,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,156,194,194,160,159,121,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,143,0,0,0,0,0,1,9,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,132,0,0,0,0,0,25,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,243,33,0,0,0,0,0,25,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,33,0,0,0,0,0,25,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,33,0,0,0,0,0,25,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,33,0,0,0,0,0,94,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,222,12,0,0,0,0,0,107,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,54,0,0,0,0,10,219,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,245,142,75,3,0,17,254,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,254,254,246,247,247,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,83,135,165,170,255,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,197,228,11,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,181,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,38,191,225,253,255,253,162,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,179,252,252,252,252,253,252,252,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,145,44,44,121,235,252,243,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,235,230,192,3,0,0,0,96,251,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,19,0,0,0,0,0,0,90,249,252,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,74,150,249,252,250,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,25,45,127,197,253,252,252,229,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,138,224,252,252,252,253,252,209,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,252,252,252,204,253,252,252,212,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,148,167,111,29,0,15,139,233,253,229,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,139,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,252,246,39,0,0,0,0,0,0,0,0,0,0,0,16,23,1,0,0,0,0,0,0,0,0,0,0,27,224,252,227,44,0,0,0,0,0,0,0,0,0,0,176,252,35,0,0,0,0,0,0,0,0,0,0,13,210,252,252,175,0,0,0,0,0,0,0,0,0,0,138,252,158,0,0,0,0,0,0,0,0,0,0,56,252,252,252,175,0,0,0,0,0,0,0,0,0,0,35,232,250,207,122,122,103,7,12,12,12,150,179,236,252,252,250,120,0,0,0,0,0,0,0,0,0,0,0,142,252,252,252,252,252,209,252,253,252,252,252,252,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,26,123,226,252,252,252,252,252,253,252,252,252,252,252,177,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,110,247,142,142,190,191,142,142,142,119,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,131,223,161,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,31,213,242,242,181,251,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,209,217,93,0,0,5,198,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,93,0,100,126,25,142,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,245,254,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,242,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,254,254,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,241,213,254,155,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,194,254,101,19,183,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,239,50,0,19,217,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,236,240,80,0,0,0,85,242,234,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,237,254,204,0,0,0,0,0,172,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,239,74,0,0,0,0,0,88,254,189,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,192,254,165,0,0,0,0,0,0,88,254,218,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,87,0,0,0,0,0,32,214,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,220,9,0,0,0,81,107,214,254,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,252,81,23,113,204,250,254,254,161,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,209,254,247,245,254,254,254,161,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,85,130,215,166,39,6,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,225,255,115,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,253,253,253,213,92,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,253,253,253,253,253,253,210,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,169,253,253,247,131,144,237,253,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,220,253,253,215,72,0,0,34,231,253,253,108,2,0,0,0,0,0,0,0,0,0,0,0,0,0,23,175,253,253,245,103,0,0,0,0,125,249,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,17,220,253,253,245,103,0,0,0,0,0,0,202,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,179,0,0,0,0,0,0,0,100,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,222,24,0,0,0,0,0,0,0,100,253,253,12,0,0,0,0,0,0,0,0,0,0,0,45,226,253,253,119,0,0,0,0,0,0,0,0,100,253,253,12,0,0,0,0,0,0,0,0,0,0,0,143,253,253,225,21,0,0,0,0,0,0,0,0,100,253,168,3,0,0,0,0,0,0,0,0,0,0,0,143,253,253,119,0,0,0,0,0,0,0,0,0,136,253,45,0,0,0,0,0,0,0,0,0,0,0,11,232,253,253,93,0,0,0,0,0,0,0,0,0,223,220,12,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,93,0,0,0,0,0,0,0,0,121,248,236,15,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,93,0,0,0,0,0,0,0,78,230,253,253,18,0,0,0,0,0,0,0,0,0,0,0,8,210,253,253,216,34,0,0,0,0,0,72,248,253,253,212,11,0,0,0,0,0,0,0,0,0,0,0,0,84,210,253,253,216,106,31,0,0,32,152,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,210,253,253,253,241,236,236,241,253,253,253,209,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,210,253,253,253,253,253,253,253,253,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,129,214,253,253,253,253,253,150,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,217,255,254,254,254,243,158,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,254,254,213,132,90,160,212,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,254,221,16,0,0,0,63,254,250,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,238,208,10,0,0,57,243,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,250,200,178,10,0,122,254,238,45,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,221,254,205,246,167,73,197,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,220,78,227,220,212,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,254,254,254,254,227,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,224,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,247,254,254,186,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,221,254,248,175,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,249,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,193,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,185,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,251,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,229,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,149,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,228,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,194,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,132,66,66,66,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,245,253,253,253,253,253,253,242,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,253,253,253,253,242,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,239,207,207,218,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,88,0,0,20,111,241,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,128,0,0,0,0,176,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,250,253,223,32,0,0,0,110,253,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,171,50,20,47,222,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,253,253,253,253,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,229,253,253,253,253,253,253,229,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,123,227,253,223,123,123,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,239,254,254,216,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,236,233,233,241,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,116,12,0,0,30,155,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,117,0,0,0,0,0,74,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,168,253,219,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,161,229,240,137,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,174,239,253,195,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,248,253,254,253,212,105,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,255,254,254,254,254,255,171,89,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,61,61,61,135,135,135,173,238,253,253,232,177,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,85,174,247,253,236,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,57,238,229,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,126,244,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,42,0,0,61,79,124,199,253,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,244,234,234,248,254,253,253,201,79,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,253,253,254,170,88,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,128,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,64,0,0,0,0,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,128,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,0,0,64,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,128,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,106,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,210,250,254,248,230,202,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,249,135,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,230,254,254,254,254,254,254,254,254,250,216,132,0,0,0,0,0,0,0,0,0,0,0,0,0,35,133,250,254,228,176,72,45,45,45,69,188,254,254,251,135,37,0,0,0,0,0,0,0,0,0,0,131,226,254,254,181,35,0,0,0,0,0,0,8,78,254,254,254,223,36,0,0,0,0,0,0,0,0,0,249,254,254,195,54,0,0,0,0,0,0,0,0,8,72,228,254,255,124,0,0,0,0,0,0,0,0,94,253,254,176,7,0,0,0,0,0,0,0,0,0,0,0,39,172,254,221,0,0,0,0,0,0,0,0,151,254,254,55,0,0,0,0,0,0,0,0,0,0,0,6,63,224,254,227,0,0,0,0,0,0,0,0,232,255,254,183,59,6,0,0,0,0,0,0,33,47,63,185,255,254,253,102,0,0,0,0,0,0,0,0,106,254,254,254,254,181,170,170,170,170,170,170,229,254,254,254,251,208,82,0,0,0,0,0,0,0,0,0,0,149,236,254,254,254,254,254,254,254,254,254,254,254,250,140,84,0,0,0,0,0,0,0,0,0,0,0,0,0,43,98,215,228,228,228,228,228,228,228,228,140,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,164,254,255,214,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,156,252,254,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,242,254,254,214,133,205,254,146,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,159,253,254,235,106,21,0,72,242,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,169,254,249,178,26,0,0,0,83,246,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,201,0,0,0,0,27,215,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,254,252,157,53,53,136,248,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,241,254,254,254,254,254,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,149,254,254,254,254,223,254,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,110,110,32,135,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,246,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,197,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,176,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,173,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,122,146,216,255,152,121,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,197,253,253,253,253,253,253,197,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,122,237,253,253,248,248,209,241,252,253,213,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,183,9,0,0,0,68,206,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,253,253,217,15,0,0,0,0,0,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,108,0,0,0,0,0,0,103,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,253,253,97,0,0,0,0,0,0,206,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,180,0,0,0,0,0,21,222,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,222,253,249,149,25,0,6,26,201,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,248,253,253,248,162,195,253,253,253,253,230,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,253,253,253,192,236,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,16,99,124,124,124,69,6,206,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,177,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,251,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,209,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,103,255,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,100,239,214,152,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,193,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,248,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,150,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,237,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,132,251,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,126,0,0,0,0,0,12,22,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,73,0,0,0,39,145,212,253,253,159,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,115,0,0,14,236,253,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,146,17,111,235,248,140,17,10,10,244,251,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,237,250,223,253,246,87,0,0,0,0,169,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,196,16,0,0,0,84,183,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,253,253,198,187,141,150,249,253,253,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,196,253,253,253,253,253,207,183,80,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,145,152,161,84,37,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,202,255,200,153,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,240,225,252,254,244,116,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,138,0,82,167,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,138,0,0,1,34,221,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,138,0,0,0,0,38,229,243,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,247,138,0,0,0,0,0,202,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,235,16,0,0,0,0,129,254,249,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,84,0,2,49,168,245,254,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,198,101,182,254,209,237,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,254,227,110,13,202,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,237,254,209,27,0,3,205,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,217,254,254,45,0,0,31,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,254,240,12,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,254,190,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,208,153,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,167,149,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,223,216,241,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,222,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,200,197,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,200,239,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,116,242,239,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,187,252,184,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,230,252,241,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,252,252,101,0,0,0,0,0,0,0,0,0,8,27,27,24,0,0,0,0,0,0,0,0,0,0,121,252,252,205,22,0,0,0,0,0,0,0,0,54,174,252,252,241,69,0,0,0,0,0,0,0,0,0,190,252,252,102,0,0,0,0,0,0,0,57,133,234,252,252,252,252,246,63,0,0,0,0,0,0,0,0,255,253,253,39,0,0,0,0,0,0,184,253,253,253,253,253,253,253,253,120,0,0,0,0,0,0,0,0,253,252,212,23,0,0,0,0,63,177,253,252,252,218,111,13,13,109,252,175,0,0,0,0,0,0,0,0,253,252,193,15,0,0,0,10,185,252,253,163,39,18,0,0,0,146,252,252,0,0,0,0,0,0,0,0,211,252,252,82,0,0,13,168,252,252,39,2,0,0,22,81,171,238,252,139,0,0,0,0,0,0,0,0,121,252,252,193,67,18,41,252,252,217,0,0,0,64,214,252,252,252,248,88,0,0,0,0,0,0,0,0,32,243,252,252,252,203,197,252,252,217,187,186,186,207,252,252,252,204,62,0,0,0,0,0,0,0,0,0,0,131,248,252,252,252,252,252,252,252,253,252,252,252,241,212,121,29,0,0,0,0,0,0,0,0,0,0,0,0,132,248,252,252,252,252,252,252,253,252,242,183,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,140,238,241,252,252,252,247,182,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,119,119,119,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,136,236,255,194,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,47,170,253,253,253,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,168,253,253,216,164,82,189,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,203,253,213,108,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,202,253,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,24,0,0,0,0,0,0,0,0,70,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,129,59,5,0,0,0,0,9,193,226,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,153,240,253,253,235,142,51,15,11,197,239,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,97,212,212,222,253,218,201,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,213,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,105,240,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,224,104,245,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,245,227,43,0,231,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,147,232,40,0,5,232,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,143,0,0,95,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,245,238,33,0,15,180,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,144,0,0,108,253,224,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,112,0,20,214,222,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,244,234,219,227,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,253,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,19,34,34,130,130,111,144,144,216,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,204,220,253,253,253,254,253,253,253,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,254,253,253,245,154,188,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,240,197,121,218,121,78,10,0,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,149,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,132,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,193,188,107,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,190,243,221,221,246,254,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,50,0,0,91,216,255,233,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,211,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,249,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,58,0,0,0,39,231,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,246,165,0,2,94,227,254,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,180,146,172,253,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,227,253,253,253,253,220,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,205,253,234,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,50,86,146,207,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,126,141,247,254,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,251,254,254,254,251,252,254,254,201,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,226,247,171,84,65,0,150,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,35,0,0,0,53,244,254,136,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,165,254,230,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,237,254,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,88,88,43,20,158,254,241,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,243,254,254,254,254,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,140,209,190,225,254,254,254,235,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,97,254,241,34,8,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,245,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,200,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,254,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,255,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,241,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,146,232,254,255,213,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,182,228,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,227,55,2,74,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,251,76,0,0,60,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,237,0,0,0,60,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,237,0,0,0,60,253,125,193,223,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,217,237,0,0,0,81,253,253,220,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,250,108,32,142,234,253,113,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,249,240,245,212,42,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,246,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,241,253,214,253,226,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,200,71,9,101,236,224,89,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,140,245,149,20,0,0,0,105,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,203,19,0,0,0,0,5,97,253,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,162,245,28,0,0,0,0,0,0,3,104,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,99,0,0,0,0,0,0,0,16,184,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,187,11,0,0,0,0,0,53,138,253,242,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,240,253,148,33,33,33,56,141,245,253,227,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,205,253,253,253,253,253,253,217,157,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,212,253,253,230,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,220,13,0,0,0,0,0,45,104,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,210,4,0,0,0,47,206,245,253,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,206,0,0,15,157,245,253,254,253,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,206,0,34,229,253,253,253,136,69,186,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,207,15,229,254,199,84,0,0,0,208,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,249,199,253,224,60,0,0,0,93,249,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,253,253,17,0,0,0,7,182,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,220,253,253,253,34,0,0,0,170,253,202,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,255,237,128,195,255,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,253,253,254,253,253,253,254,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,181,253,254,244,253,236,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,69,254,94,69,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,141,141,178,253,255,103,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,252,252,252,203,252,149,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,214,56,149,252,127,7,149,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,214,28,0,7,28,3,0,7,153,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,209,25,0,0,0,0,0,0,0,0,214,254,84,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,84,0,0,0,0,0,0,0,0,0,88,253,171,13,0,0,0,0,0,0,0,0,0,0,0,85,252,194,19,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,185,252,63,0,0,0,0,0,0,0,0,0,0,0,153,252,106,0,0,0,0,0,0,0,0,0,0,120,253,241,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,169,252,115,0,0,0,0,0,0,0,0,0,0,0,0,116,252,168,0,0,0,0,0,0,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,0,29,252,168,0,0,0,0,0,0,0,0,0,13,206,252,28,0,0,0,0,0,0,0,0,0,0,0,0,29,252,168,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,104,253,156,0,0,0,0,0,0,0,0,0,10,196,252,28,0,0,0,0,0,0,0,0,0,0,0,0,253,240,43,0,0,0,0,0,0,0,0,0,0,169,252,116,0,0,0,0,0,0,0,0,0,0,0,126,253,158,0,0,0,0,0,0,0,0,0,0,0,44,228,240,51,0,0,0,0,0,0,0,0,0,76,249,253,84,0,0,0,0,0,0,0,0,0,0,0,0,135,253,242,66,7,0,0,0,0,0,4,104,229,253,214,38,0,0,0,0,0,0,0,0,0,0,0,0,28,133,253,252,187,69,57,57,95,69,179,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,224,252,252,253,252,252,252,253,233,130,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,139,253,252,214,139,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,141,141,178,203,141,116,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,252,252,253,252,224,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,206,93,56,56,119,187,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,202,13,0,0,0,0,7,153,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,125,0,0,0,0,0,0,0,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,164,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,241,252,164,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,187,69,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,178,252,252,252,223,197,197,197,198,197,197,147,198,197,44,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,139,139,140,139,228,202,140,139,103,28,128,28,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,142,0,0,41,152,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,171,20,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,244,81,0,0,51,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,122,0,0,0,173,252,253,232,203,122,102,102,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,192,0,0,11,51,254,253,254,253,254,233,183,20,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,70,0,41,132,252,253,252,253,171,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,172,214,253,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,253,252,253,252,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,253,203,122,41,0,173,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,172,50,0,0,0,41,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,255,233,0,0,0,0,0,102,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,233,50,0,0,0,0,0,142,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,41,0,0,0,0,0,0,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,151,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,253,110,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,252,252,252,252,253,242,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,246,215,217,226,241,181,0,0,0,0,16,120,11,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,132,0,0,31,211,252,0,0,0,84,191,252,71,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,71,0,0,0,0,83,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,21,181,252,252,189,10,0,0,0,0,0,0,0,0,144,253,252,195,0,0,0,0,0,0,0,0,0,0,73,252,252,252,179,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,73,252,252,252,97,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,218,253,253,253,35,0,0,0,0,0,0,0,0,0,145,255,253,217,0,0,0,0,0,0,0,0,0,0,175,252,252,252,35,0,0,0,0,0,0,0,0,11,175,253,252,174,0,0,0,0,0,0,0,0,0,0,155,252,252,252,35,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,73,252,252,252,119,0,0,0,0,0,0,0,0,120,252,253,252,71,0,0,0,0,0,0,0,0,0,0,42,160,253,253,211,31,0,0,0,0,0,0,32,212,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,71,0,0,0,0,0,0,197,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,92,0,0,0,0,0,99,242,252,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,236,62,0,0,0,0,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,0,0,99,253,255,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,35,190,252,218,217,242,252,253,252,220,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,236,253,252,252,252,253,220,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,170,252,252,168,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,154,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,239,252,252,252,252,222,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,252,252,252,252,222,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,242,252,184,172,172,227,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,66,8,0,0,58,227,249,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,230,252,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,176,253,156,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,41,4,0,0,0,56,253,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,136,0,0,0,0,253,252,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,253,142,0,0,134,255,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,252,252,250,155,58,246,253,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,227,178,252,252,238,252,253,252,217,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,143,26,210,252,252,252,253,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,211,211,252,252,252,252,253,167,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,252,252,252,252,252,253,224,67,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,222,252,252,252,229,212,232,252,252,143,41,41,41,41,38,0,0,0,0,0,0,0,0,0,0,0,0,0,25,191,204,93,39,0,44,230,252,252,252,252,252,252,246,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,250,252,252,252,236,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,119,217,160,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,81,158,187,255,178,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,203,248,219,128,128,217,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,242,224,96,0,0,0,35,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,154,3,0,0,0,0,68,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,78,7,0,0,0,0,5,192,219,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,240,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,229,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,245,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,227,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,193,229,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,203,227,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,192,228,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,244,237,182,63,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,174,254,254,219,192,163,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,164,249,255,180,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,205,209,254,248,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,8,69,222,250,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,239,216,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,229,254,192,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,232,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,232,254,192,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,164,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,209,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,251,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,249,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,248,230,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,210,254,250,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,254,226,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,196,144,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,131,192,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,240,254,244,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,168,254,254,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,237,254,254,166,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,237,254,254,235,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,170,254,254,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,239,254,254,159,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,239,254,254,233,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,240,254,254,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,196,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,228,254,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,247,254,254,254,254,175,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,173,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,152,255,255,150,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,255,254,245,128,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,216,253,254,253,253,253,214,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,190,253,244,138,71,146,246,254,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,244,69,0,0,0,50,220,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,197,0,0,0,0,0,162,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,251,129,47,47,89,206,245,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,251,253,253,254,253,253,253,254,253,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,202,253,254,253,253,219,103,203,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,93,68,0,68,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,219,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,125,125,125,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,119,240,249,249,254,254,254,255,253,249,226,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,245,254,254,254,254,254,254,254,254,254,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,211,149,35,19,19,19,19,49,225,254,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,26,93,25,15,0,0,0,0,0,0,0,184,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,91,0,0,0,3,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,242,254,254,91,49,79,153,211,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,221,235,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,58,66,107,197,197,240,254,254,254,254,254,254,254,219,122,0,0,0,0,0,0,0,0,0,0,0,0,105,247,254,254,254,254,254,254,254,254,216,195,118,65,30,0,0,0,0,0,0,0,0,0,0,0,0,76,248,236,202,218,212,243,254,254,221,71,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,78,50,0,24,29,207,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,168,254,254,219,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,247,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,214,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,249,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,254,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,248,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,92,141,141,141,141,216,216,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,206,253,252,252,252,253,252,252,252,169,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,198,159,252,252,253,196,130,56,119,168,130,56,119,142,13,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,252,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,253,206,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,243,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,138,235,253,254,253,253,253,254,228,141,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,197,208,227,227,197,196,215,252,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,31,31,0,0,123,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,246,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,252,252,222,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,123,222,253,252,252,177,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,252,252,253,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,141,254,253,253,253,239,150,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,120,187,252,252,253,252,196,209,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,215,252,253,252,252,252,168,168,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,151,241,139,139,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,250,103,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,250,252,210,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,250,250,252,250,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,252,252,252,254,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,190,250,250,252,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,190,250,252,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,250,252,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,252,252,252,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,250,250,250,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,250,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,250,252,231,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,252,252,252,254,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,250,250,250,252,250,160,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,252,250,250,250,252,250,250,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,250,250,250,252,250,250,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,252,252,252,255,252,252,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,250,250,252,250,189,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,160,250,250,252,250,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,250,252,250,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,110,247,254,228,115,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,195,254,254,244,237,249,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,232,217,132,0,47,207,247,141,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,205,44,222,237,44,0,4,100,246,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,24,153,254,242,49,0,0,0,118,246,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,249,254,164,0,0,0,0,6,197,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,175,254,217,18,0,0,0,0,0,105,247,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,239,60,0,0,0,0,0,0,18,230,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,196,0,0,0,0,0,0,0,0,163,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,238,54,0,0,0,0,0,0,0,0,131,254,51,0,0,0,0,0,0,0,0,0,0,0,0,9,218,254,173,0,0,0,0,0,0,0,0,0,132,255,135,0,0,0,0,0,0,0,0,0,0,0,0,89,254,224,12,0,0,0,0,0,0,0,0,0,131,254,129,0,0,0,0,0,0,0,0,0,0,0,0,189,254,213,0,0,0,0,0,0,0,0,0,0,166,254,107,0,0,0,0,0,0,0,0,0,0,0,8,218,254,138,0,0,0,0,0,0,0,0,0,43,245,254,69,0,0,0,0,0,0,0,0,0,0,0,17,254,238,25,0,0,0,0,0,0,0,0,30,213,254,194,5,0,0,0,0,0,0,0,0,0,0,0,14,241,221,0,0,0,0,0,0,0,0,45,213,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,143,239,46,0,0,0,0,0,40,148,245,254,254,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,27,239,229,132,66,88,122,174,247,254,254,213,67,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,254,254,254,254,254,254,225,111,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,117,161,246,230,145,88,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,255,176,94,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,254,207,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,242,254,202,162,224,254,251,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,15,0,3,83,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,195,254,206,8,0,0,53,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,247,51,0,0,0,139,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,234,0,0,0,66,243,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,236,14,0,14,209,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,254,229,87,193,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,121,254,254,254,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,150,254,254,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,170,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,245,137,240,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,173,254,90,0,173,228,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,230,10,0,110,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,135,0,0,66,251,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,235,16,1,31,243,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,254,254,138,124,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,162,252,254,254,248,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,236,224,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,188,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,124,0,0,0,0,0,84,162,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,0,0,0,0,0,169,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,0,0,0,0,3,188,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,91,0,0,0,0,10,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,249,248,51,0,0,0,0,47,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,235,0,0,0,0,0,67,254,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,188,254,155,0,0,0,0,0,150,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,108,0,0,0,0,0,202,254,243,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,224,19,0,0,0,0,43,232,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,124,0,0,0,0,40,226,254,254,175,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,254,40,0,0,15,120,229,254,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,51,44,142,240,254,254,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,254,254,254,254,254,254,245,180,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,254,231,128,49,105,254,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,106,120,120,76,16,0,8,216,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,237,111,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,253,231,136,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,204,254,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,237,253,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,232,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,228,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,193,9,0,20,37,37,37,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,253,253,94,158,169,214,253,253,253,233,135,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,219,253,253,254,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,253,254,253,253,253,253,232,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,253,254,253,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,253,253,253,253,253,254,253,253,253,97,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,253,253,254,191,144,64,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,132,236,143,132,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,130,255,254,255,166,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,209,253,226,131,177,239,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,180,43,0,0,206,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,76,0,0,0,206,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,60,0,0,0,0,206,245,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,220,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,252,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,234,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,237,253,157,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,253,192,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,247,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,204,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,220,253,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,167,141,141,141,141,141,141,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,253,253,253,253,253,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,233,145,138,37,84,37,37,79,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,252,252,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,252,185,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,252,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,165,252,253,252,130,0,0,0,0,0,0,0,0,0,32,157,230,0,0,0,0,0,0,0,0,0,36,222,253,253,255,218,32,0,0,0,0,0,0,0,24,97,222,253,253,0,0,0,0,0,0,0,0,5,178,252,252,252,249,75,0,0,0,0,0,0,38,151,253,252,252,252,252,0,0,0,0,0,0,0,0,55,252,252,252,252,115,0,0,0,0,38,91,184,240,252,253,252,252,252,252,0,0,0,0,0,0,0,0,180,252,252,252,210,0,0,0,0,85,233,252,252,252,252,253,252,252,218,108,0,0,0,0,0,0,0,0,253,252,252,210,22,0,22,116,210,250,253,252,252,252,252,253,252,168,35,0,0,0,0,0,0,0,0,0,255,253,253,211,138,202,253,253,253,253,255,253,253,253,253,231,95,0,0,0,0,0,0,0,0,0,0,0,159,252,252,252,252,253,252,252,252,157,180,252,252,252,178,42,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,252,252,190,252,202,69,6,107,252,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,45,88,56,5,45,33,0,0,15,219,252,252,211,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,200,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,7,7,7,89,130,191,130,164,157,170,255,255,255,142,130,73,1,0,0,0,0,0,0,0,0,10,199,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,5,0,0,0,0,0,0,0,0,122,253,253,253,244,241,235,235,235,143,111,111,111,111,111,175,253,253,187,3,0,0,0,0,0,0,0,0,3,105,105,105,54,38,0,0,0,0,0,0,0,0,0,223,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,242,253,240,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,240,253,238,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,176,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,215,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,179,253,253,154,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,187,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,253,229,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,242,253,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,243,253,228,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,190,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,229,129,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,118,201,226,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,203,249,183,158,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,227,225,96,0,0,94,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,221,32,0,0,0,18,223,187,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,253,94,0,0,0,0,5,207,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,115,12,0,0,0,0,77,254,222,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,203,4,0,0,0,0,0,233,254,89,184,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,83,0,0,0,0,0,0,236,246,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,230,0,0,0,0,0,0,0,236,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,230,0,0,0,0,0,9,174,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,230,0,0,0,0,0,99,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,247,79,0,0,0,63,239,254,225,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,248,248,143,104,207,238,177,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,148,242,245,214,84,55,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,122,153,255,255,245,121,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,173,227,253,253,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,89,232,253,248,211,133,32,32,41,166,253,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,221,109,0,0,0,0,0,0,60,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,153,17,0,0,0,0,0,0,42,122,253,245,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,97,234,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,49,132,163,253,253,253,242,117,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,247,253,253,253,253,253,244,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,237,237,237,241,253,253,249,145,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,197,253,253,193,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,101,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,57,248,250,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,190,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,227,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,249,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,207,253,177,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,225,253,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,184,157,148,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,189,168,190,253,192,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,5,0,32,170,254,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,237,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,190,0,0,0,0,0,0,0,0,0,0,0,0,11,43,43,43,4,0,0,0,0,0,0,0,0,86,254,85,0,0,0,0,0,0,0,0,0,0,0,52,206,253,254,253,142,64,0,0,0,0,0,0,0,165,246,56,0,0,0,0,0,0,0,0,0,0,0,179,179,21,39,162,243,248,101,0,0,0,0,0,4,196,179,0,0,0,0,0,0,0,0,0,0,0,57,199,0,0,0,0,43,111,243,170,42,0,0,0,140,253,100,0,0,0,0,0,0,0,0,0,0,0,85,127,0,0,0,0,0,0,80,254,222,62,0,45,254,182,4,0,0,0,0,0,0,0,0,0,0,0,192,127,0,0,0,0,0,0,0,18,200,255,228,237,248,53,0,0,0,0,0,0,0,0,0,0,0,0,112,127,0,0,0,0,0,0,0,0,85,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,43,215,101,4,0,0,0,6,22,145,240,253,248,232,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,183,152,143,169,191,253,254,253,213,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,192,254,253,253,253,253,148,68,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,177,254,254,255,156,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,122,234,253,220,215,181,235,241,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,132,9,0,0,29,132,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,247,112,3,0,0,0,0,0,107,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,238,234,0,0,0,0,0,0,0,6,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,196,0,0,0,0,0,0,3,147,209,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,243,56,1,0,0,0,5,107,253,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,100,60,25,60,152,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,234,254,254,254,255,244,239,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,84,122,122,122,34,114,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,228,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,246,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,246,241,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,252,211,22,0,0,0,0,36,161,129,47,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,206,25,0,0,0,55,252,252,252,252,174,70,19,0,0,0,0,0,0,0,0,0,0,0,0,13,139,244,253,185,0,0,0,5,67,227,252,252,253,252,188,59,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,248,199,21,0,0,0,17,117,189,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,245,253,253,33,0,0,0,0,0,149,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,211,22,0,0,0,22,253,252,187,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,119,252,252,199,0,0,100,215,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,173,252,249,133,124,244,252,253,172,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,253,252,252,252,252,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,255,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,215,252,253,252,252,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,252,252,252,173,154,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,116,0,9,196,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,210,12,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,215,21,0,0,0,70,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,227,50,0,0,0,142,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,252,227,184,123,142,234,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,128,148,252,252,210,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,208,133,76,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,253,198,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,253,253,253,253,254,244,140,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,211,205,251,254,253,253,174,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,210,163,10,0,69,138,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,12,0,0,0,3,72,226,253,239,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,135,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,133,128,6,0,113,254,220,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,187,253,253,254,191,88,218,253,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,156,253,253,253,253,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,253,253,253,232,205,231,253,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,155,41,0,220,253,253,253,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,188,9,32,189,254,253,253,253,239,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,197,189,226,253,254,253,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,253,254,186,36,117,203,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,253,253,253,253,253,145,62,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,143,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,183,253,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,173,253,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,57,180,246,252,232,152,242,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,252,210,101,0,0,161,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,235,14,0,0,0,127,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,115,70,0,0,0,128,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,235,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,22,0,0,105,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,252,221,120,14,183,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,253,252,252,252,191,253,174,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,252,199,84,142,252,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,62,0,22,252,252,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,191,0,15,192,253,253,255,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,68,0,121,252,231,124,218,252,212,85,85,86,164,174,0,0,0,0,0,0,0,0,0,0,0,0,180,252,104,189,247,224,16,0,74,205,251,252,252,253,201,72,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,253,196,42,0,0,0,0,86,189,189,84,21,0,0,0,0,0,0,0,0,0,0,0,0,0,30,173,208,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,255,254,254,254,251,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,194,221,248,254,254,252,225,241,254,254,136,124,11,0,0,0,0,0,0,0,0,0,0,0,0,0,112,244,254,254,212,131,67,63,0,37,181,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,141,19,0,0,0,0,0,12,254,254,254,186,0,0,0,0,0,0,0,0,0,0,0,3,129,253,251,92,2,0,0,0,0,0,0,9,245,254,254,177,0,0,0,0,0,0,0,0,0,0,0,29,254,254,197,0,0,0,0,0,0,0,0,0,168,254,254,91,0,0,0,0,0,0,0,0,0,0,0,29,254,254,195,15,0,0,0,0,0,0,30,206,251,254,254,91,0,0,0,0,0,0,0,0,0,0,0,16,209,253,254,154,59,56,20,20,98,144,234,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,254,254,254,254,254,254,254,254,254,254,250,28,0,0,0,0,0,0,0,0,0,0,0,0,0,9,141,240,254,254,254,226,205,176,110,34,172,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,48,48,48,21,0,0,0,5,205,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,197,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,250,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,108,180,148,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,99,162,219,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,215,183,202,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,108,21,0,70,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,185,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,255,165,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,240,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,252,252,32,11,116,199,135,116,168,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,211,191,255,253,253,253,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,252,252,252,253,252,231,214,206,232,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,252,252,252,252,173,69,37,13,0,38,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,185,119,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,242,243,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,47,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,199,163,94,94,94,94,94,94,94,94,129,197,197,197,197,197,197,155,0,0,0,0,0,0,0,0,182,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,196,0,0,0,0,0,0,0,0,13,67,67,67,67,67,67,67,67,67,67,67,67,67,67,67,67,227,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,222,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,244,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,223,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,191,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,245,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,212,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,152,195,174,174,195,188,181,132,38,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,248,254,254,254,247,254,248,245,254,254,121,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,245,191,120,85,22,85,35,10,85,179,245,247,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,4,0,0,0,0,0,0,0,13,231,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,90,220,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,138,254,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,154,250,254,254,138,19,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,254,254,254,254,218,168,161,217,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,142,159,138,111,159,160,243,254,254,241,188,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,147,218,255,142,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,129,20,0,0,0,0,0,0,20,153,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,189,206,9,0,0,0,0,0,0,0,0,133,247,128,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,103,0,0,0,0,0,0,0,0,26,150,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,103,0,0,0,0,0,0,0,22,117,254,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,149,10,0,5,3,15,19,107,211,254,249,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,254,217,179,199,187,237,254,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,121,197,218,254,254,254,216,179,68,103,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,37,51,58,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,190,190,190,129,85,85,85,85,50,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,253,252,252,252,252,245,237,232,232,232,216,127,127,127,83,0,0,0,0,0,0,0,0,0,50,244,252,252,253,252,247,189,215,216,189,189,189,189,190,189,180,128,84,0,0,0,0,0,0,0,0,0,128,252,252,164,147,147,47,0,18,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,249,140,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,232,253,165,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,252,217,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,152,253,210,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,0,0,57,199,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,153,135,246,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,210,252,252,199,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,42,42,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,158,253,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,243,253,252,252,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,213,252,240,125,217,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,252,243,106,64,251,252,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,207,252,252,119,8,155,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,217,252,198,83,7,34,252,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,247,52,0,0,87,252,252,252,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,180,252,241,0,0,0,143,252,252,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,252,241,0,0,0,177,252,252,246,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,246,92,82,63,253,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,208,253,253,253,253,255,253,183,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,180,252,252,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,63,72,134,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,209,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,190,224,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,207,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,244,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,250,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,255,254,107,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,255,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,24,108,191,191,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,140,161,212,252,252,231,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,142,203,252,252,253,208,100,37,205,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,252,168,46,17,0,34,218,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,136,22,2,0,0,0,197,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,84,0,0,0,0,0,49,233,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,157,0,0,0,0,0,30,228,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,146,0,0,0,0,38,155,252,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,249,133,93,93,197,233,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,253,252,252,252,252,243,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,253,253,253,253,255,159,76,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,218,206,206,232,252,252,83,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,134,19,0,0,48,196,252,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,234,17,0,0,0,0,30,185,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,230,0,0,0,0,0,0,174,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,244,50,0,0,0,0,26,222,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,113,0,0,0,26,136,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,240,153,70,122,222,252,202,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,252,253,235,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,137,221,252,252,190,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,77,189,189,159,72,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,92,207,207,207,207,207,228,253,253,253,253,253,213,56,0,0,0,0,0,0,0,0,0,0,0,0,38,224,253,253,253,253,253,253,206,147,147,147,174,253,253,135,0,0,0,0,0,0,0,0,0,0,2,40,225,253,253,247,173,129,222,207,17,0,0,0,3,145,253,137,0,0,0,0,0,0,0,0,0,0,65,253,253,253,225,0,0,0,34,70,0,0,0,0,0,84,253,187,0,0,0,0,0,0,0,0,0,98,223,253,253,167,4,0,0,0,0,0,0,0,0,0,11,166,253,135,0,0,0,0,0,0,0,0,5,177,253,253,163,9,0,0,0,0,0,0,0,0,0,12,164,253,253,135,0,0,0,0,0,0,0,0,110,253,253,162,11,0,0,0,0,0,0,0,0,0,46,165,253,253,223,39,0,0,0,0,0,0,0,0,236,253,233,41,0,0,0,0,0,0,0,36,95,155,237,253,253,178,41,0,0,0,0,0,0,0,0,0,255,253,200,0,0,0,0,0,0,27,148,239,253,253,253,232,111,5,0,0,0,0,0,0,0,0,0,0,133,253,252,215,130,81,126,130,205,250,253,253,243,180,110,4,0,0,0,0,0,0,0,0,0,0,0,0,16,242,253,253,253,253,253,253,253,253,244,125,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,238,253,253,253,252,206,186,88,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,70,70,70,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,128,202,253,253,253,148,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,120,186,252,252,253,252,252,252,252,245,88,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,252,189,184,183,130,183,215,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,195,45,4,0,0,0,0,21,211,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,96,100,0,0,0,0,0,0,0,34,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,253,253,211,138,139,138,138,138,138,139,138,138,97,13,0,0,0,0,0,0,0,0,0,0,0,38,193,253,252,252,252,252,253,252,252,252,252,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,83,240,252,253,252,252,227,183,184,183,183,183,183,184,183,183,183,48,0,0,0,0,0,0,0,0,0,132,240,252,252,203,139,45,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,157,32,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,254,213,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,143,234,253,253,253,243,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,201,253,218,113,109,215,253,253,166,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,254,28,0,0,17,157,250,253,164,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,228,10,0,0,0,0,117,253,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,250,71,0,0,0,0,0,2,127,254,246,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,223,0,0,0,0,0,0,0,20,232,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,223,0,0,0,0,0,0,0,0,76,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,147,0,0,0,0,0,0,0,0,26,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,65,0,0,0,0,0,0,0,0,85,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,53,247,253,24,0,0,0,0,0,0,0,0,205,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,206,9,0,0,0,0,0,0,0,17,231,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,212,11,0,0,0,0,0,0,7,192,253,211,26,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,24,0,0,0,0,0,17,121,253,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,24,0,0,0,0,11,119,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,56,0,0,0,0,136,253,249,146,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,235,254,181,24,34,112,194,250,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,232,250,254,253,252,140,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,253,254,253,254,190,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,152,253,253,143,54,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,48,220,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,100,209,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,193,252,252,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,252,252,252,253,247,230,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,252,252,252,198,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,245,252,252,252,181,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,252,222,154,45,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,226,252,252,252,252,252,253,207,144,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,252,252,252,253,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,116,220,245,253,255,253,253,253,157,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,172,253,252,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,99,252,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,163,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,104,22,17,104,215,252,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,219,215,252,253,252,252,252,233,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,224,252,252,252,252,253,252,252,232,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,252,252,253,252,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,212,252,252,252,252,176,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,243,233,109,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,186,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,135,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,238,253,97,4,40,40,40,191,130,235,235,220,196,226,208,214,75,0,0,0,0,0,0,0,0,0,0,176,253,253,156,111,253,253,253,232,154,154,154,95,0,121,49,71,121,0,0,0,0,0,0,0,0,0,73,223,253,253,253,253,204,97,97,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,240,67,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,159,253,180,174,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,157,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,161,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,190,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,228,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,230,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,162,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,239,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,246,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,92,92,92,198,193,202,92,92,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,182,238,254,254,254,254,254,254,254,254,247,182,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,254,254,254,254,254,254,254,254,254,254,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,238,83,57,57,57,57,62,221,246,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,238,68,0,0,0,0,0,5,125,221,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,35,0,0,0,0,0,49,163,254,254,254,246,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,140,252,254,254,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,67,67,99,231,252,254,254,254,254,248,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,254,254,254,254,254,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,251,254,254,254,254,254,254,254,254,254,254,248,221,40,0,0,0,0,0,0,0,0,0,0,0,0,0,17,246,252,246,246,246,246,246,246,246,254,254,254,254,212,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,0,0,0,0,0,0,6,155,165,254,254,254,219,100,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,139,250,254,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,46,58,58,58,58,58,58,64,223,223,223,249,254,255,254,142,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,254,254,254,254,254,254,254,254,254,254,254,167,7,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,254,254,254,254,254,254,254,254,242,180,142,7,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,147,254,105,90,90,202,254,131,90,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,137,222,255,254,254,254,254,254,231,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,218,233,209,195,191,118,103,135,191,230,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,170,46,8,2,0,0,0,0,0,77,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,175,0,0,0,0,0,0,0,0,0,80,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,11,0,0,0,0,0,0,0,0,0,156,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,250,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,221,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,242,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,128,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,131,246,242,167,27,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,208,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,215,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,190,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,190,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,252,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,141,0,0,13,113,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,140,0,0,19,214,241,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,31,0,0,0,31,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,95,0,0,0,0,159,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,191,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,141,0,0,0,63,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,252,241,72,0,10,178,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,253,233,197,203,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,237,252,252,252,252,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,158,252,157,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,29,29,92,141,141,141,141,141,229,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,252,253,252,252,252,253,252,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,252,252,252,253,252,252,252,253,252,252,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,185,252,253,252,252,252,253,252,252,252,253,252,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,38,226,255,253,253,241,226,225,225,175,126,231,253,253,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,38,84,84,84,47,0,0,0,0,0,57,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,103,252,127,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,191,144,159,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,195,252,252,252,226,100,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,55,187,252,253,252,239,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,84,253,252,252,180,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,202,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,177,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,156,252,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,240,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,140,227,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,190,0,0,0,0,0,0,0,0,76,50,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,179,12,0,0,0,57,85,147,225,225,233,74,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,199,135,198,197,197,234,252,228,148,55,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,252,252,252,253,252,230,208,84,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,158,252,252,252,112,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,37,8,39,138,147,147,193,147,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,198,254,254,254,254,254,254,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,192,254,254,254,243,118,32,134,212,249,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,185,254,216,173,170,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,242,228,240,228,228,228,127,48,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,254,254,254,254,254,254,254,254,254,254,254,150,50,9,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,176,167,84,59,59,145,175,254,254,254,254,161,2,0,0,0,0,0,0,0,0,0,0,0,39,225,173,49,3,0,0,0,0,0,2,21,151,240,255,254,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,180,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,220,20,0,0,0,0,0,0,0,0,0,0,53,25,0,0,0,0,0,0,0,0,0,0,0,0,25,251,254,38,0,0,0,0,0,0,0,0,0,150,249,149,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,38,0,0,0,0,0,0,0,0,37,252,191,4,0,0,0,0,0,0,0,0,0,0,0,35,231,254,175,2,0,0,0,0,0,0,0,0,113,254,140,0,0,0,0,0,0,0,0,0,0,0,0,139,254,232,24,0,0,0,0,0,0,0,0,0,147,254,140,0,0,0,0,0,0,0,0,0,0,0,112,241,254,178,0,0,0,0,0,0,0,0,0,0,82,246,250,71,0,0,0,0,0,0,0,0,48,183,254,254,183,4,0,0,0,0,0,0,0,0,0,0,0,154,254,242,144,71,27,0,0,0,57,173,229,254,254,178,13,0,0,0,0,0,0,0,0,0,0,0,0,12,227,254,254,254,232,217,125,217,247,254,254,254,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,137,125,125,86,0,33,125,35,0,0,0,0,0,14,248,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,252,248,249,253,198,0,0,0,0,80,248,186,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,209,230,253,253,253,201,0,0,72,192,248,241,6,0,0,0,0,0,0,0,0,0,0,0,9,73,243,253,253,253,199,253,229,119,0,91,247,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,241,253,253,109,59,192,126,228,245,253,253,119,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,207,45,212,253,253,253,253,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,38,215,253,234,253,253,253,253,242,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,241,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,116,244,253,253,253,253,240,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,133,253,253,253,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,201,253,253,253,253,253,253,253,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,212,253,253,253,253,253,240,104,202,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,253,253,253,253,186,180,58,0,93,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,253,253,253,253,220,107,17,0,0,26,213,240,61,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,241,173,14,0,0,0,0,53,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,142,0,0,0,8,27,124,176,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,43,67,150,150,179,253,253,253,253,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,253,253,253,253,253,253,253,234,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,253,253,253,251,252,253,221,210,247,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,123,123,190,85,99,123,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,139,254,254,255,185,146,137,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,152,253,253,253,253,253,253,253,253,237,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,253,253,253,246,144,139,195,249,241,152,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,232,32,0,24,190,252,156,26,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,226,80,189,54,0,0,0,74,228,227,120,0,0,0,0,0,0,0,0,0,0,0,4,177,253,253,253,159,18,0,6,99,0,0,0,0,74,252,236,40,0,0,0,0,0,0,0,0,0,0,143,253,253,253,226,37,0,0,0,0,0,0,0,0,0,144,253,183,0,0,0,0,0,0,0,0,0,0,184,253,253,253,52,0,0,0,0,0,0,0,0,0,0,104,253,237,29,0,0,0,0,0,0,0,0,0,184,253,253,206,14,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,0,184,253,226,23,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,14,209,253,210,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,48,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,146,253,252,79,0,0,0,0,0,0,0,0,0,0,0,16,184,253,237,29,0,0,0,0,0,0,0,0,146,253,248,0,0,0,0,0,0,0,0,0,0,0,64,218,253,253,141,0,0,0,0,0,0,0,0,0,89,253,249,11,0,0,0,0,0,0,0,0,0,23,241,253,253,250,67,0,0,0,0,0,0,0,0,0,13,206,253,129,0,0,0,0,0,0,0,34,91,238,253,253,227,72,0,0,0,0,0,0,0,0,0,0,0,64,241,228,26,0,0,0,0,0,121,233,253,253,253,183,90,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,250,152,141,104,132,210,253,253,253,253,164,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,139,236,253,253,253,253,253,253,253,237,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,134,212,253,253,253,214,90,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,70,104,153,254,255,203,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,226,254,253,253,253,254,253,251,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,253,236,230,242,244,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,160,85,19,0,38,61,253,235,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,181,249,253,241,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,182,254,253,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,176,240,253,254,253,253,253,235,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,254,254,254,254,254,254,254,237,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,253,253,253,254,160,81,115,173,249,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,244,122,4,0,0,0,92,224,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,219,210,69,25,0,0,0,0,0,49,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,182,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,3,15,0,0,0,0,0,0,0,0,41,174,253,253,247,21,0,0,0,0,0,0,0,0,0,0,0,0,24,228,0,0,0,0,0,0,0,102,229,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,51,0,0,0,0,81,170,254,255,254,247,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,173,248,230,155,172,231,251,253,253,254,160,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,237,253,253,253,254,253,242,196,80,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,152,169,253,220,202,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,113,179,254,254,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,176,253,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,117,232,253,253,237,181,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,177,253,253,190,105,13,106,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,4,32,32,32,120,227,253,253,128,17,0,0,121,253,239,5,0,0,0,0,0,0,0,0,0,0,22,50,172,253,253,253,253,253,243,119,18,0,0,82,245,253,118,0,0,0,0,0,0,0,0,0,0,30,216,253,253,253,253,253,253,191,63,0,0,0,0,223,253,253,12,0,0,0,0,0,0,0,0,0,2,159,253,253,253,253,253,243,176,22,0,0,0,0,19,229,253,152,4,0,0,0,0,0,0,0,0,0,95,253,253,253,253,253,216,99,0,0,0,0,0,62,207,253,230,14,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,195,23,0,0,0,0,0,0,88,253,253,118,0,0,0,0,0,0,0,0,0,0,0,2,131,253,213,170,23,0,0,0,0,0,0,0,181,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,3,55,23,0,0,0,0,0,0,0,0,100,244,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,224,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,245,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,253,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,248,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,220,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,187,220,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,202,254,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,180,204,253,253,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,107,240,253,253,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,33,114,208,253,253,253,253,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,178,253,253,253,253,253,177,170,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,253,253,253,197,16,83,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,162,253,253,176,85,0,173,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,193,24,24,11,0,0,246,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,57,64,0,0,0,0,97,250,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,246,253,253,229,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,172,251,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,189,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,142,101,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,172,253,253,173,13,0,0,22,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,253,205,131,72,86,131,225,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,253,253,239,215,129,158,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,253,253,186,106,128,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,179,173,23,253,253,138,0,94,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,3,152,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,201,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,95,2,0,0,0,0,121,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,14,0,0,0,0,169,241,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,236,174,1,0,0,0,3,188,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,163,0,0,0,0,102,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,241,22,0,0,0,0,202,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,215,0,0,0,0,0,202,185,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,131,0,0,0,0,44,246,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,217,13,0,0,0,0,140,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,111,0,0,0,0,0,194,249,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,250,72,59,112,93,15,15,237,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,227,221,254,254,254,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,229,167,115,115,157,241,254,254,209,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,175,25,0,0,0,0,173,254,170,212,245,220,0,0,0,0,0,0,0,0,0,0,0,0,0,35,252,166,0,0,0,0,0,0,173,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,27,0,0,0,0,0,14,247,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,218,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,246,254,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,254,254,219,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,247,254,254,254,188,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,194,227,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,248,254,249,44,160,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,171,0,128,254,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,50,0,51,248,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,219,3,0,0,215,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,247,50,0,0,0,215,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,214,0,0,0,0,215,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,191,0,0,0,0,215,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,115,0,0,0,34,233,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,115,0,0,0,160,254,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,75,0,0,64,244,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,115,0,16,221,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,173,36,196,254,254,227,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,254,254,254,236,84,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,254,195,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,231,255,254,186,141,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,250,253,254,253,253,253,223,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,253,253,192,116,78,78,240,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,225,71,5,0,0,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,245,48,0,0,0,0,99,248,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,171,255,76,0,0,0,0,43,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,204,254,46,0,4,20,140,232,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,209,146,187,253,254,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,238,253,253,253,253,244,86,19,145,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,200,253,253,215,45,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,45,0,0,0,0,40,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,181,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,242,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,47,149,187,255,180,58,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,209,253,253,253,253,253,253,215,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,224,217,174,236,253,253,253,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,231,252,107,14,0,0,49,138,76,227,253,238,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,100,0,0,0,0,0,0,0,14,168,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,236,29,0,0,0,0,0,0,0,0,115,237,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,191,0,0,0,0,0,0,0,0,32,222,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,191,0,0,0,0,0,0,0,65,189,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,217,17,0,0,0,0,16,183,245,250,113,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,229,68,0,0,30,34,199,216,28,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,248,0,80,173,141,173,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,247,249,196,47,38,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,115,244,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,191,220,232,253,119,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,217,166,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,201,241,239,141,55,1,81,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,250,253,180,25,0,0,4,222,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,237,63,3,0,0,29,202,251,247,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,159,16,53,129,161,184,252,114,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,235,220,250,253,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,103,112,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,245,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,215,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,232,33,0,0,0,0,0,0,0,11,105,125,79,125,65,12,0,0,0,0,0,0,0,0,0,146,253,253,187,0,0,0,0,0,0,24,61,223,253,253,253,253,253,228,24,0,0,0,0,0,0,0,0,185,253,251,65,0,0,0,0,0,83,223,250,253,253,253,253,253,253,253,123,0,0,0,0,0,0,0,0,254,253,248,0,0,0,0,0,81,248,253,252,160,82,16,16,60,251,253,201,0,0,0,0,0,0,0,0,254,253,248,0,0,0,0,0,233,253,232,131,0,0,0,0,0,249,253,228,0,0,0,0,0,0,0,0,254,253,250,40,0,0,0,71,250,253,161,0,0,0,0,0,40,251,253,145,0,0,0,0,0,0,0,0,197,253,253,210,7,0,0,87,253,253,161,0,0,0,15,83,248,253,246,84,0,0,0,0,0,0,0,0,146,253,253,253,113,35,0,28,239,253,185,4,0,53,212,253,253,253,110,0,0,0,0,0,0,0,0,0,25,196,253,253,253,234,190,104,241,253,253,214,211,245,253,253,253,182,13,0,0,0,0,0,0,0,0,0,0,69,235,253,253,253,253,253,253,253,253,253,253,253,253,245,177,4,0,0,0,0,0,0,0,0,0,0,0,0,36,195,253,253,253,253,253,253,253,253,253,226,126,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,88,145,145,145,145,145,136,37,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,73,163,182,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,185,253,254,253,206,222,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,146,235,237,184,101,36,24,213,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,249,176,31,0,0,0,76,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,133,0,0,0,0,0,192,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,156,7,0,0,0,0,55,254,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,238,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,222,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,182,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,155,253,255,231,149,56,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,242,167,85,44,68,150,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,89,5,0,0,0,0,16,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,190,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,237,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,215,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,153,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,111,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,250,84,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,179,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,206,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,250,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,86,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,0,0,0,57,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,170,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,29,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,57,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,255,255,170,170,170,170,198,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,114,86,170,170,255,255,255,255,255,255,170,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,255,255,255,255,141,57,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,198,255,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,188,254,254,235,153,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,248,243,243,251,253,253,243,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,166,0,0,69,148,215,253,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,233,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,95,251,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,209,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,225,248,253,242,153,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,231,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,251,253,215,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,117,21,32,188,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,227,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,232,253,253,245,82,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,230,78,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,192,144,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,253,192,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,9,0,0,0,0,0,186,253,246,126,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,199,180,15,0,0,15,100,250,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,113,242,253,238,43,0,0,106,253,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,185,18,0,0,84,247,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,245,253,199,9,0,0,20,211,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,143,7,0,58,203,255,253,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,224,202,217,253,254,253,241,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,135,221,221,242,254,254,251,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,181,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,119,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,239,253,203,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,99,253,253,224,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,206,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,235,253,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,193,253,224,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,191,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,105,253,253,191,122,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,59,181,252,252,252,253,252,168,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,145,252,252,252,236,216,217,237,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,252,252,252,164,48,0,0,122,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,145,252,252,235,94,10,0,0,0,19,117,24,0,0,147,181,129,3,0,0,0,0,0,0,0,0,0,25,252,252,171,43,0,0,0,0,0,0,0,0,0,21,218,252,252,11,0,0,0,0,0,0,0,0,0,123,252,172,14,0,0,0,0,0,0,0,0,0,21,190,252,252,252,11,0,0,0,0,0,0,0,0,11,237,238,52,0,0,0,0,0,0,0,0,0,19,191,252,252,252,210,7,0,0,0,0,0,0,0,0,13,252,216,0,0,0,0,0,0,0,0,0,0,158,252,252,252,252,143,0,0,0,0,0,0,0,0,0,13,252,233,40,0,0,0,0,0,0,0,81,241,248,252,160,230,252,143,0,0,0,0,0,0,0,0,0,0,139,253,172,132,132,132,132,132,248,255,253,253,245,183,39,231,253,138,0,0,0,0,0,0,0,0,0,0,22,243,252,252,252,252,252,252,252,253,250,211,36,0,85,252,243,21,0,0,0,0,0,0,0,0,0,0,0,60,119,216,216,216,216,216,158,153,87,0,0,38,230,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,194,252,183,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,218,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,184,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,181,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,236,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,245,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,197,254,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,221,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,151,235,255,240,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,84,167,243,254,254,254,254,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,135,234,254,254,254,254,181,188,219,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,95,245,254,254,254,228,137,4,1,2,229,229,36,0,0,0,0,0,0,0,0,0,0,0,0,0,46,220,254,254,254,237,175,76,0,0,0,0,230,153,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,254,254,254,207,22,0,0,0,0,0,122,211,189,157,43,0,0,0,0,0,0,0,0,0,0,17,223,254,254,235,52,5,0,0,0,17,53,61,251,254,254,254,105,0,0,0,0,0,0,0,0,0,0,73,254,254,226,28,0,9,51,133,211,224,254,254,254,254,254,216,16,0,0,0,0,0,0,0,0,0,0,126,254,254,218,178,178,212,254,254,254,254,254,254,254,254,221,62,0,0,0,0,0,0,0,0,0,0,0,71,254,254,254,254,254,254,254,254,254,254,254,254,254,210,52,0,0,0,0,0,0,0,0,0,0,0,0,6,119,238,250,239,183,143,113,74,236,254,254,253,175,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,0,0,0,85,219,254,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,167,248,254,254,254,181,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,254,253,186,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,141,251,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,210,29,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,254,254,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,165,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,151,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,73,150,254,255,254,254,222,207,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,253,253,253,254,241,121,62,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,224,253,253,253,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,83,253,253,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,118,19,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,227,253,253,254,166,91,91,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,212,254,255,254,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,18,109,108,186,202,253,249,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,141,241,253,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,183,253,253,253,169,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,222,254,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,81,20,0,28,132,248,254,253,245,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,231,217,235,253,253,254,212,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,248,254,253,253,253,246,119,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,221,253,253,175,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,236,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,238,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,57,86,197,255,253,255,253,86,85,141,253,86,85,254,253,85,28,57,0,0,0,0,0,0,0,0,0,225,112,253,251,253,251,253,251,253,251,253,251,253,251,253,251,253,196,168,0,0,0,0,0,0,0,0,0,169,56,169,168,169,168,169,168,254,253,254,253,254,253,198,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,83,84,83,84,83,28,196,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,224,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,196,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,198,85,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,31,92,152,193,152,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,243,233,252,253,252,253,252,203,162,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,254,253,254,253,254,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,252,131,212,172,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,254,131,41,0,0,0,11,213,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,50,10,0,0,0,0,173,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,252,253,252,142,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,253,254,253,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,253,252,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,203,123,162,214,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,82,162,41,0,0,0,0,0,0,0,10,131,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,254,91,0,0,0,0,0,0,0,0,0,0,193,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,253,50,0,0,0,0,0,0,0,0,0,0,152,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,254,213,21,0,0,0,0,0,0,0,0,41,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,253,252,223,122,82,0,0,0,0,82,163,243,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,254,253,254,253,254,253,255,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,112,232,253,252,253,252,253,252,253,252,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,223,254,253,254,253,254,253,244,203,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,253,171,151,70,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,215,254,254,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,109,253,253,253,253,253,219,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,240,240,253,125,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,114,253,253,236,140,28,62,248,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,211,31,0,0,0,183,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,164,253,248,74,0,0,0,0,75,253,222,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,195,0,0,0,0,0,26,221,253,74,153,16,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,93,0,0,0,0,0,0,205,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,6,179,253,120,0,0,0,0,0,54,239,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,243,94,0,0,0,17,119,253,253,253,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,243,192,192,192,209,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,80,253,253,253,253,253,253,253,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,49,144,253,196,212,139,49,114,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,13,21,0,0,124,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,208,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,253,253,253,253,255,128,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,252,252,253,252,246,209,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,239,195,195,196,214,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,84,84,65,0,0,0,28,121,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,166,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,246,243,82,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,227,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,251,254,123,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,182,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,254,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,61,0,0,0,0,0,7,70,70,70,70,11,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,73,16,16,111,97,171,178,254,254,254,254,145,16,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,254,254,254,254,254,254,254,254,254,254,250,67,0,0,0,0,0,0,0,0,0,0,0,36,228,254,254,254,254,254,254,236,192,223,254,254,254,254,254,172,11,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,255,227,163,208,254,254,254,254,254,180,17,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,254,254,254,254,254,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,117,200,208,254,254,254,254,254,254,254,254,251,200,68,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,246,254,255,254,240,100,100,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,102,103,166,240,249,166,166,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,67,218,254,254,254,254,254,254,254,251,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,94,190,254,254,254,254,211,205,205,174,254,254,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,230,136,40,5,0,0,1,40,235,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,245,131,17,0,0,0,0,0,0,0,143,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,145,0,0,0,0,0,0,0,0,0,27,241,244,106,0,0,0,0,0,0,0,0,0,0,0,0,198,254,247,137,0,0,0,0,0,0,0,58,163,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,69,243,254,254,251,226,161,161,161,167,251,253,253,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,28,203,254,254,254,254,254,254,254,254,254,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,97,181,210,210,210,247,254,222,181,250,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,44,13,0,246,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,247,254,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,197,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,205,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,165,193,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,129,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,112,151,237,116,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,236,132,10,150,255,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,142,0,0,223,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,51,252,209,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,248,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,230,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,248,254,239,214,135,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,202,224,244,254,254,242,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,41,52,165,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,67,0,0,0,0,0,89,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,134,0,0,0,0,57,235,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,188,115,73,115,198,239,254,91,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,182,254,254,254,254,254,181,94,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,53,150,236,129,46,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,66,86,139,212,222,138,138,24,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,136,252,252,252,253,252,252,252,252,253,194,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,233,183,183,184,196,252,252,252,253,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,45,33,0,0,0,9,77,194,252,253,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,253,252,252,244,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,252,252,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,97,170,253,253,255,211,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,89,161,253,252,252,252,252,253,252,186,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,252,253,252,252,252,252,253,252,252,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,185,252,252,203,160,160,236,252,253,252,227,108,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,22,11,0,0,103,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,255,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,202,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,158,168,189,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,51,132,152,233,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,171,151,151,213,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,183,61,0,0,0,0,0,123,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,70,0,0,0,0,0,0,0,0,213,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,214,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,183,102,0,0,0,0,0,0,0,123,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,193,30,0,0,0,0,31,233,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,212,0,0,0,0,213,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,62,0,72,233,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,203,142,253,252,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,243,253,212,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,254,253,82,163,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,233,70,82,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,192,51,92,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,192,213,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,255,253,244,203,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,229,191,143,77,34,34,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,229,252,252,252,252,252,210,100,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,188,252,252,252,252,253,252,235,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,10,10,92,121,135,246,252,251,146,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,152,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,173,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,223,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,126,253,252,252,252,178,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,252,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,255,253,253,253,181,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,172,253,252,252,252,252,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,44,44,157,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,0,0,0,0,0,61,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,231,231,232,231,231,242,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,253,252,252,252,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,232,252,253,252,252,252,252,187,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,142,143,142,190,142,142,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,255,255,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,255,255,255,255,226,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,255,255,226,114,0,0,0,29,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,198,114,0,0,0,0,0,29,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,29,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,0,0,0,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,198,114,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,226,255,255,255,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,0,0,0,0,57,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,141,0,0,0,0,0,0,29,170,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,255,255,170,170,170,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,226,255,170,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,229,255,223,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,253,253,109,85,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,253,253,154,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,162,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,241,253,185,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,207,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,194,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,202,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,41,61,99,99,99,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,250,252,253,253,253,250,175,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,235,253,253,253,199,199,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,97,15,6,6,54,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,253,88,0,0,0,74,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,133,253,96,0,0,9,239,253,253,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,208,11,0,99,253,253,217,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,92,96,232,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,210,253,253,253,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,178,253,253,177,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,4,0,1,73,234,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,99,0,68,248,218,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,37,35,186,115,108,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,225,19,184,135,0,108,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,188,115,174,0,0,108,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,244,225,20,0,0,108,227,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,254,90,0,0,0,152,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,173,2,0,0,10,227,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,49,0,0,0,12,233,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,6,0,0,0,0,97,255,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,238,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,241,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,90,130,210,254,254,254,255,184,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,161,198,253,253,253,253,253,253,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,253,253,231,177,97,10,10,10,18,208,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,231,253,97,26,0,0,0,0,0,0,171,253,215,16,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,134,4,0,0,0,0,0,0,20,247,253,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,253,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,253,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,202,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,195,253,253,196,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,123,207,253,253,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,194,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,160,239,248,253,248,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,182,215,253,253,253,223,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,21,79,159,241,253,253,253,253,169,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,250,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,243,253,253,253,250,244,253,253,232,178,98,11,5,4,6,5,0,0,0,0,0,0,0,0,0,0,0,0,0,90,93,93,67,6,93,180,208,253,253,253,204,189,208,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,87,149,149,205,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,114,192,254,253,200,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,252,253,252,252,237,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,252,252,65,21,83,245,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,155,0,0,0,83,242,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,42,0,0,0,0,79,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,122,0,0,0,0,0,175,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,246,252,252,191,111,43,0,0,11,205,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,252,242,161,39,57,247,118,15,22,22,22,22,16,0,0,0,0,0,0,0,0,0,0,0,42,154,242,253,252,252,252,252,253,252,210,225,252,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,182,252,252,252,253,252,252,252,252,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,229,255,253,253,253,236,107,106,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,245,242,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,189,56,231,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,109,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,253,253,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,252,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,142,252,252,172,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,74,73,119,163,131,100,99,86,144,163,164,163,209,191,52,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,254,254,254,254,254,254,254,239,199,153,30,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,254,254,241,244,217,204,88,101,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,238,254,254,254,254,98,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,234,176,254,228,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,229,12,0,84,255,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,90,0,2,50,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,241,207,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,225,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,24,0,0,0,114,201,254,237,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,181,128,128,160,254,254,248,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,254,254,254,254,250,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,130,214,163,137,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,94,255,171,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,211,253,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,202,88,29,0,45,157,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,253,253,185,8,0,0,46,238,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,210,13,0,0,59,203,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,195,16,0,54,196,253,252,163,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,250,84,236,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,253,253,253,253,253,253,133,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,214,253,253,253,253,220,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,101,253,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,253,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,232,253,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,117,226,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,252,182,239,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,250,253,253,253,253,253,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,253,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,247,253,253,253,167,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,218,253,168,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,0,0,0,0,0,0,0,0,0,0,10,13,13,13,0,0,0,0,0,0,0,0,0,0,0,5,137,222,39,0,0,0,0,0,0,17,25,60,233,253,253,253,0,0,0,0,0,0,0,0,0,0,0,125,253,253,221,22,0,0,0,4,112,222,253,253,253,253,236,236,0,0,0,0,0,0,0,0,0,0,0,170,253,253,196,12,0,0,3,127,253,253,253,253,237,205,55,44,0,0,0,0,0,0,0,0,0,0,0,170,253,253,168,0,0,0,100,253,253,131,187,193,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,233,27,0,0,188,187,191,20,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,36,0,0,23,5,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,253,253,198,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,254,255,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,61,52,0,0,18,217,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,245,194,194,211,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,253,253,221,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,160,253,253,170,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,11,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,192,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,163,243,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,40,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,71,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,232,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,135,28,0,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,84,0,0,0,0,97,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,97,0,0,0,0,86,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,171,0,0,0,0,47,240,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,84,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,178,9,0,0,0,0,134,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,114,0,0,0,0,0,198,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,144,57,57,7,26,38,209,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,253,252,252,203,223,234,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,253,252,252,252,253,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,253,253,254,253,253,253,242,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,208,96,84,109,109,84,47,196,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,106,56,13,0,0,0,0,0,0,119,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,227,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,161,0,0,0,0,0,0,0,0,0,57,85,0,0,0,0,0,0,0,0,0,0,0,0,0,89,196,195,65,0,0,0,0,0,0,0,0,0,169,252,0,0,0,0,0,0,0,0,0,0,7,123,169,194,148,0,0,0,0,0,0,0,0,0,10,138,224,236,0,0,0,0,0,0,0,0,0,48,165,252,252,63,0,0,0,0,0,0,0,0,0,0,163,252,236,50,0,0,0,0,0,0,0,0,0,147,253,240,63,0,0,0,0,0,0,0,0,0,0,255,253,253,84,0,0,0,0,0,0,0,0,0,147,249,252,99,0,0,0,0,0,0,0,0,67,178,225,253,252,154,9,0,0,0,0,0,0,0,0,0,253,252,252,121,57,0,19,57,73,197,198,197,240,252,252,253,233,43,0,0,0,0,0,0,0,0,0,0,237,252,252,252,252,169,196,252,252,252,253,252,252,252,252,253,74,0,0,0,0,0,0,0,0,0,0,0,50,158,252,252,252,253,252,252,252,252,190,112,142,252,252,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,218,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,254,183,148,43,43,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,225,247,253,253,254,253,248,164,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,14,19,92,127,148,253,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,254,253,191,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,254,248,132,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,218,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,253,253,156,128,48,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,253,254,253,211,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,245,147,147,166,253,253,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,0,0,0,0,0,172,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,228,255,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,246,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,66,254,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,254,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,240,253,192,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,255,254,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,239,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,187,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,189,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,253,241,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,247,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,137,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,221,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,225,241,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,141,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,215,255,255,174,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,252,253,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,180,128,117,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,138,228,248,253,89,8,0,4,166,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,36,138,249,253,253,253,253,185,0,0,0,156,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,79,217,253,253,253,253,253,253,218,26,0,0,156,253,253,249,42,0,0,0,0,0,0,0,0,0,0,92,250,253,253,253,253,253,253,253,170,14,0,0,156,253,253,253,123,0,0,0,0,0,0,0,0,0,34,218,253,253,253,253,231,181,148,51,15,0,0,0,156,253,253,248,25,0,0,0,0,0,0,0,0,0,118,253,253,253,230,78,40,0,0,0,0,0,0,0,156,253,253,247,0,0,0,0,0,0,0,0,0,0,148,253,253,230,58,0,0,0,0,0,0,0,0,0,156,253,253,149,0,0,0,0,0,0,0,0,0,26,249,253,253,155,0,0,0,0,0,0,0,0,0,24,226,253,253,117,0,0,0,0,0,0,0,0,0,125,253,253,253,89,0,0,0,0,0,0,0,0,8,139,253,253,253,117,0,0,0,0,0,0,0,0,0,125,253,253,253,155,0,0,0,0,0,0,0,0,60,253,253,253,224,39,0,0,0,0,0,0,0,0,0,125,253,253,253,155,0,0,0,0,0,0,0,47,223,253,253,241,40,0,0,0,0,0,0,0,0,0,0,125,253,253,253,216,110,4,0,0,0,50,156,224,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,253,165,150,150,150,227,253,253,253,253,241,148,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,253,253,253,253,253,253,253,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,249,253,253,253,253,253,253,248,247,226,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,152,123,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,232,170,159,86,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,252,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,227,252,252,252,253,240,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,160,236,252,253,252,240,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,75,148,252,252,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,255,253,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,168,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,162,95,129,162,204,187,188,254,255,187,104,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,254,254,254,254,254,254,254,254,254,250,181,30,0,0,0,0,0,0,0,0,0,0,0,0,13,114,222,172,231,197,146,114,46,63,138,205,231,252,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,70,129,213,254,221,104,70,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,241,254,254,254,254,254,254,254,243,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,239,230,230,231,252,254,254,255,241,213,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,0,0,0,164,254,220,69,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,255,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,139,139,192,139,118,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,210,253,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,70,204,253,253,223,253,235,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,228,119,46,36,220,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,231,254,179,48,0,0,0,57,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,254,244,158,0,0,0,0,0,47,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,253,236,60,0,0,0,0,0,0,47,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,171,44,0,0,0,0,0,0,0,47,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,96,254,236,44,0,0,0,0,0,0,0,0,47,253,177,4,0,0,0,0,0,0,0,0,0,0,0,43,231,244,60,0,0,0,0,0,0,0,0,0,47,253,109,0,0,0,0,0,0,0,0,0,0,0,7,213,254,106,0,0,0,0,0,0,0,0,0,0,163,254,46,0,0,0,0,0,0,0,0,0,0,9,156,253,158,0,0,0,0,0,0,0,0,0,0,26,178,241,37,0,0,0,0,0,0,0,0,0,0,79,253,154,6,0,0,0,0,0,0,0,0,0,0,170,241,133,0,0,0,0,0,0,0,0,0,0,62,237,253,46,0,0,0,0,0,0,0,0,0,0,137,254,207,0,0,0,0,0,0,0,0,0,0,0,139,253,137,4,0,0,0,0,0,0,0,0,32,158,251,180,19,0,0,0,0,0,0,0,0,0,0,0,87,254,69,0,0,0,0,0,0,0,13,45,170,254,180,53,0,0,0,0,0,0,0,0,0,0,0,0,139,253,155,9,0,0,0,0,17,100,213,253,253,121,8,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,155,70,81,132,185,210,253,255,188,69,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,254,253,253,253,169,99,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,222,253,253,254,179,107,23,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,148,253,253,131,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,85,173,191,211,252,252,252,253,170,7,0,0,0,0,0,0,0,0,0,0,0,0,2,22,110,145,232,234,252,252,250,240,178,126,179,253,252,74,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,252,226,210,189,70,35,0,0,106,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,232,226,147,86,42,24,14,0,0,0,0,0,194,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,98,35,0,0,0,0,0,0,0,0,0,0,212,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,189,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,246,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,149,234,255,254,254,178,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,123,252,254,236,191,148,195,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,253,130,15,0,0,0,175,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,238,254,127,0,0,0,0,0,157,250,72,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,207,3,0,0,0,0,35,206,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,254,156,0,0,35,132,245,254,207,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,224,165,165,208,254,251,100,90,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,148,248,254,254,202,115,33,0,95,254,223,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,64,64,14,0,0,0,169,254,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,252,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,145,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,128,28,176,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,239,252,180,158,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,119,211,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,235,14,211,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,214,0,212,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,224,40,0,131,253,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,253,159,0,0,115,253,252,180,48,39,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,6,64,221,253,252,252,252,252,239,113,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,252,253,186,206,252,252,253,252,252,252,164,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,253,253,253,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,150,218,224,168,189,252,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,14,0,64,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,242,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,191,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,163,0,0,0,0,0,0,41,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,223,20,0,0,0,0,82,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,183,20,0,0,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,130,0,0,0,0,0,0,193,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,203,0,0,0,0,0,0,0,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,122,0,0,0,0,0,0,82,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,212,0,0,0,0,0,82,123,223,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,172,132,132,152,152,214,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,253,252,253,171,91,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,203,102,102,102,61,0,0,152,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,171,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,192,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,192,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,199,17,23,214,255,254,255,144,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,168,110,253,253,253,253,253,181,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,242,253,251,88,177,177,130,217,251,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,118,0,0,0,0,162,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,241,11,0,0,10,232,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,98,0,12,178,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,248,253,214,78,184,253,253,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,139,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,253,233,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,220,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,226,253,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,253,253,218,237,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,241,253,253,232,27,156,253,226,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,245,47,0,59,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,163,0,0,15,217,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,253,49,0,0,0,202,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,208,24,0,63,237,253,230,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,230,218,240,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,123,247,253,253,253,253,244,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,115,149,213,170,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,191,128,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,128,128,128,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,64,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,128,128,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,15,88,174,226,226,226,191,0,0,0,0,0,0,0,0,0,0,0,0,0,47,170,198,219,198,105,138,177,219,250,254,254,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,43,190,254,254,254,254,254,254,254,254,183,178,178,157,85,53,0,0,0,0,0,0,0,0,0,0,79,236,246,254,254,254,254,218,113,29,18,18,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,254,254,254,207,47,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,254,216,85,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,44,79,243,254,254,254,247,246,245,245,217,99,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,225,253,254,254,254,254,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,66,66,66,66,69,222,254,249,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,243,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,1,4,0,0,0,0,0,0,0,0,0,35,243,254,169,0,0,0,0,0,0,0,0,0,0,0,20,159,173,197,169,60,0,0,0,0,0,0,0,169,254,248,84,0,0,0,0,0,0,0,0,0,0,0,153,254,254,254,254,193,0,0,0,0,0,8,159,248,254,147,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,249,56,0,0,0,44,204,254,254,225,43,0,0,0,0,0,0,0,0,0,0,0,0,44,244,254,254,254,248,147,86,155,155,255,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,178,254,254,254,254,254,254,254,254,224,124,40,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,37,90,55,69,131,141,155,131,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,192,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,198,253,253,200,253,247,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,253,253,123,108,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,244,115,1,47,247,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,253,98,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,220,253,202,16,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,253,228,68,42,0,0,19,242,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,220,253,253,253,253,243,202,202,220,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,253,253,253,253,253,253,253,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,165,207,232,165,144,102,165,196,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,0,0,0,0,89,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,250,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,147,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,155,253,254,254,254,227,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,77,234,253,252,244,253,245,246,249,108,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,75,2,192,39,25,183,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,179,247,249,120,1,0,61,6,0,24,248,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,6,167,245,80,170,0,0,0,0,0,0,0,112,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,122,0,10,0,0,0,0,0,0,0,8,236,165,2,0,0,0,0,0,0,0,0,0,0,0,22,231,199,7,0,0,0,0,0,0,0,0,0,0,201,253,9,0,0,0,0,0,0,0,0,0,0,0,159,250,73,0,0,0,0,0,0,0,0,0,0,0,120,253,104,0,0,0,0,0,0,0,0,0,0,4,198,196,0,0,0,0,0,0,0,0,0,0,0,0,22,230,109,0,0,0,0,0,0,0,0,0,0,11,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,189,109,0,0,0,0,0,0,0,0,0,0,52,253,34,0,0,0,0,0,0,0,0,0,0,0,0,1,191,109,0,0,0,0,0,0,0,0,0,0,111,253,35,0,0,0,0,0,0,0,0,0,0,0,0,35,253,109,0,0,0,0,0,0,0,0,0,0,110,253,34,0,0,0,0,0,0,0,0,0,0,0,0,81,253,104,0,0,0,0,0,0,0,0,0,0,44,253,34,0,0,0,0,0,0,0,0,0,0,0,0,162,229,7,0,0,0,0,0,0,0,0,0,0,11,253,84,0,0,0,0,0,0,0,0,0,0,0,8,236,154,0,0,0,0,0,0,0,0,0,0,0,7,225,211,25,0,0,0,0,0,0,0,0,0,8,174,242,44,0,0,0,0,0,0,0,0,0,0,0,0,64,249,211,27,0,0,0,0,0,0,0,0,92,242,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,209,60,0,0,0,0,22,96,189,237,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,78,222,250,244,168,145,146,247,253,196,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,54,148,153,193,153,153,70,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,112,196,254,255,254,185,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,99,115,240,215,154,128,74,131,222,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,217,253,216,87,0,0,0,0,0,73,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,173,9,0,0,0,0,0,0,9,216,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,49,0,0,0,0,0,0,0,91,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,49,0,0,0,0,0,0,67,209,231,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,174,28,0,0,0,38,169,244,221,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,217,253,241,211,195,229,244,252,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,137,193,253,253,231,100,124,155,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,205,69,0,6,122,205,208,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,233,42,0,0,0,0,0,48,234,195,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,132,0,0,0,0,0,0,0,89,250,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,225,216,9,0,0,0,0,0,0,0,0,178,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,29,247,140,0,0,0,0,0,0,0,0,0,88,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,27,244,123,0,0,0,0,0,0,0,0,0,0,221,187,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,123,0,0,0,0,0,0,0,0,0,42,248,171,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,140,0,0,0,0,0,0,0,0,60,214,221,22,0,0,0,0,0,0,0,0,0,0,0,0,0,25,240,248,113,7,0,0,0,5,74,184,248,203,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,241,253,218,155,155,212,238,253,219,139,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,161,219,253,253,198,113,82,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,78,161,161,110,178,186,161,161,151,47,47,47,47,0,0,0,0,0,0,0,0,0,0,0,0,0,185,228,252,252,252,253,252,252,252,252,253,252,252,252,252,174,25,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,235,160,236,210,161,219,252,252,252,253,202,25,0,0,0,0,0,0,0,0,0,0,148,252,168,96,22,23,18,0,19,12,0,15,54,179,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,108,253,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,252,252,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,252,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,168,253,252,252,210,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,170,253,253,255,253,205,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,219,252,252,252,228,132,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,134,248,253,252,252,218,56,0,0,0,0,0,9,166,207,207,155,0,0,0,0,0,0,0,0,0,0,70,252,252,253,252,136,14,0,0,22,116,157,230,233,252,252,210,32,0,0,0,0,0,0,0,0,0,0,70,253,253,255,232,138,138,243,255,253,253,253,253,242,230,167,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,253,252,252,252,252,253,252,252,235,153,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,205,253,252,252,252,252,247,215,151,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,46,67,77,139,56,42,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,99,247,176,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,151,248,234,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,235,231,127,34,240,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,67,31,0,183,253,231,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,255,238,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,249,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,233,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,169,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,197,118,171,197,48,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,206,253,253,253,253,228,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,139,228,253,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,184,253,253,253,253,253,253,253,245,224,66,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,233,98,98,98,98,98,249,253,253,243,156,30,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,218,43,0,0,0,0,0,7,119,203,253,253,248,246,209,83,5,0,0,0,0,0,0,0,0,0,255,253,146,0,0,0,0,0,0,0,0,32,81,81,215,253,253,253,177,66,0,0,0,0,0,0,0,0,254,253,146,0,0,0,0,0,0,0,0,0,0,0,26,154,241,253,253,253,0,0,0,0,0,0,0,0,132,253,226,58,0,0,0,0,0,0,0,0,0,0,0,13,225,253,253,253,0,0,0,0,0,0,0,0,50,220,253,235,116,93,0,0,0,0,0,0,12,116,116,186,253,253,253,178,0,0,0,0,0,0,0,0,0,45,212,244,253,244,205,205,205,205,205,205,210,253,253,253,217,212,58,17,0,0,0,0,0,0,0,0,0,0,0,95,185,253,253,253,253,253,253,253,253,253,146,122,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,32,32,32,32,32,138,32,32,32,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,237,253,253,249,122,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,232,252,252,252,253,252,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,230,252,252,252,252,253,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,208,146,84,157,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,23,0,0,7,184,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,252,252,23,0,0,0,157,252,124,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,64,0,0,61,234,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,234,252,237,56,11,237,252,252,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,241,231,252,252,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,58,241,252,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,231,253,255,253,171,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,186,252,252,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,252,252,252,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,171,230,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,252,252,226,43,105,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,52,0,82,252,244,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,252,252,23,99,253,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,252,220,234,253,252,238,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,252,252,252,253,190,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,235,252,252,242,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,59,23,0,0,0,0,0,0,0,0,0,0,20,253,147,14,0,0,0,0,0,0,0,0,0,0,0,233,251,96,0,0,0,0,0,0,0,0,0,0,110,251,251,57,0,0,0,0,0,0,0,0,0,0,123,245,251,96,0,0,0,0,0,0,0,0,0,0,214,251,251,57,0,0,0,0,0,0,0,0,10,129,245,251,251,216,29,0,0,0,0,0,0,0,0,0,214,251,251,57,0,0,0,0,0,0,0,0,59,251,251,251,251,96,0,0,0,0,0,0,0,0,0,61,228,251,251,57,0,0,0,0,0,0,0,0,59,251,251,251,190,37,0,0,0,0,0,0,0,0,61,214,251,251,251,57,0,0,0,0,0,0,0,0,59,251,251,217,23,0,0,0,0,0,0,0,0,0,98,251,251,251,134,9,0,0,0,0,0,0,0,0,59,251,251,224,78,78,18,78,78,78,79,78,78,78,145,251,251,251,115,0,0,0,0,0,0,0,0,0,59,251,251,251,251,251,162,251,251,251,253,251,251,251,251,251,251,251,115,0,0,0,0,0,0,0,0,0,59,251,251,251,251,251,251,251,251,251,253,251,251,251,251,251,251,190,26,0,0,0,0,0,0,0,0,0,0,91,235,253,253,253,253,253,253,253,255,253,253,253,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,94,134,179,178,233,214,134,134,135,134,134,152,251,251,242,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,29,65,53,0,0,0,0,0,39,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,244,251,251,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,251,251,251,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,245,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,214,253,193,152,152,193,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,252,253,171,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,102,102,102,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,62,0,0,0,72,152,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,41,123,203,253,252,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,254,253,254,172,82,41,214,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,233,151,50,10,0,0,10,172,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,131,0,0,0,0,0,0,0,0,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,233,30,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,123,0,0,0,0,0,0,0,0,62,254,253,0,0,0,0,0,0,0,0,0,0,0,0,41,203,0,20,0,0,0,0,0,0,0,0,0,183,253,212,0,0,0,0,0,0,0,0,0,0,0,0,113,253,62,0,0,0,0,0,0,0,0,0,132,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,102,102,102,62,102,62,102,102,183,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,253,254,253,254,253,254,253,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,151,151,192,192,151,192,213,171,151,151,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,94,176,138,94,149,197,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,208,252,253,239,238,253,234,228,253,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,187,246,253,218,107,41,39,67,32,21,201,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,43,236,253,224,56,12,0,0,0,0,0,0,29,253,240,48,0,0,0,0,0,0,0,0,0,0,0,11,174,253,173,10,0,0,0,0,0,0,0,0,7,196,253,93,0,0,0,0,0,0,0,0,0,0,0,128,253,175,10,0,0,0,0,0,0,0,0,0,0,81,253,141,0,0,0,0,0,0,0,0,0,0,0,208,199,7,0,0,0,0,0,0,0,0,0,0,0,24,230,234,31,0,0,0,0,0,0,0,0,0,124,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,48,0,0,0,0,0,0,0,0,10,209,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,149,0,0,0,0,0,0,0,0,130,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,149,0,0,0,0,0,0,0,0,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,209,0,0,0,0,0,0,0,0,255,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,0,0,0,0,0,0,0,0,242,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,0,0,0,0,0,0,0,0,77,253,214,106,7,0,0,0,0,0,0,0,0,0,0,0,0,146,253,179,0,0,0,0,0,0,0,0,5,107,240,253,166,21,3,0,0,0,0,0,0,0,0,2,49,235,253,141,0,0,0,0,0,0,0,0,0,0,46,181,253,253,132,24,56,0,0,0,0,37,68,126,253,253,187,15,0,0,0,0,0,0,0,0,0,0,0,12,89,211,252,230,247,218,218,218,218,237,253,253,251,149,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,93,137,196,196,196,196,196,164,93,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,85,38,0,0,0,0,0,0,0,0,169,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,112,0,0,0,0,0,0,0,13,187,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,205,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,0,0,0,0,0,0,0,25,205,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,0,0,169,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,67,240,252,141,0,0,0,0,0,0,0,45,234,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,112,0,0,0,0,0,0,0,73,252,252,253,52,7,0,0,0,0,0,0,0,0,0,0,0,85,252,252,189,0,48,140,140,140,141,140,227,252,252,253,252,133,0,0,0,0,0,0,0,0,0,0,0,48,229,253,253,255,253,253,253,253,255,253,253,253,253,255,152,110,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,253,252,252,252,204,168,167,186,252,252,152,3,0,0,0,0,0,0,0,0,0,0,0,0,0,44,195,195,196,148,55,55,25,0,0,88,252,252,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,187,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,101,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,242,47,0,0,141,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,247,65,0,0,66,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,100,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,151,0,0,0,0,4,178,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,244,25,0,0,0,0,0,157,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,142,0,0,0,0,0,0,57,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,208,13,0,0,0,0,0,0,57,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,197,0,0,0,0,0,0,0,57,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,95,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,196,0,0,0,0,0,0,13,206,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,231,165,28,0,0,0,0,154,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,215,108,57,57,157,253,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,196,252,253,252,252,252,253,233,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,203,252,252,202,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,146,195,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,235,111,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,189,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,238,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,214,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,47,0,0,0,0,10,123,132,70,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,218,12,0,0,0,36,213,254,246,250,222,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,47,0,0,9,111,254,137,19,57,178,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,64,0,0,81,254,124,2,0,0,141,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,140,0,5,202,211,0,0,0,6,185,238,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,140,0,57,254,93,0,0,4,170,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,243,85,25,232,87,0,51,169,254,152,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,245,218,248,240,218,250,242,134,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,180,254,254,255,121,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,175,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,200,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,201,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,231,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,255,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,193,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,253,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,224,162,254,253,234,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,20,0,172,252,253,252,223,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,163,223,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,233,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,161,254,254,254,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,248,248,252,253,253,253,253,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,253,253,162,142,109,12,39,219,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,121,4,0,0,0,0,176,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,231,218,24,0,0,0,0,48,246,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,21,0,0,0,0,0,100,253,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,243,238,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,113,242,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,174,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,240,253,180,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,240,253,240,96,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,217,253,253,187,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,108,240,253,188,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,156,117,19,0,0,0,0,36,244,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,253,224,50,5,0,0,34,216,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,249,244,253,253,171,50,105,217,253,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,78,36,153,252,253,253,253,253,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,123,217,253,166,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,141,191,255,253,253,153,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,179,252,252,252,253,252,252,252,253,171,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,252,224,168,168,168,168,205,253,252,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,68,0,0,0,0,13,203,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,176,244,156,0,0,0,0,0,13,207,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,19,0,0,0,0,0,19,225,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,254,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,150,252,252,222,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,177,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,227,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,203,0,0,0,0,0,19,66,141,141,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,169,169,169,169,169,225,252,252,197,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,252,253,252,252,252,253,196,130,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,140,165,214,139,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,233,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,173,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,233,111,51,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,233,41,0,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,192,31,51,132,132,152,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,232,233,252,253,252,253,252,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,233,203,203,203,203,203,243,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,192,91,0,0,0,0,0,40,172,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,172,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,41,173,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,71,0,0,0,0,0,41,214,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,232,142,102,102,183,203,243,253,252,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,253,254,253,254,253,254,233,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,253,252,233,151,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,94,128,212,255,203,175,174,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,206,254,254,254,254,254,232,254,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,172,214,254,254,254,242,235,212,243,253,205,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,230,90,30,21,26,31,72,52,227,232,34,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,134,20,0,0,0,0,0,0,0,35,242,117,0,0,0,0,0,0,0,0,0,0,0,0,23,236,254,186,7,0,0,0,0,0,0,0,0,0,206,120,0,0,0,0,0,0,0,0,0,0,0,0,142,254,214,12,0,0,0,0,0,0,0,0,0,11,222,89,0,0,0,0,0,0,0,0,0,0,0,0,198,254,193,0,0,0,0,0,0,0,0,0,0,95,254,86,0,0,0,0,0,0,0,0,0,0,0,0,128,254,132,0,0,0,0,0,0,0,0,0,18,220,191,21,0,0,0,0,0,0,0,0,0,0,0,0,31,198,33,0,0,0,0,0,0,0,0,2,177,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,167,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,197,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,214,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,201,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,186,49,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,77,77,77,102,197,166,124,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,160,253,254,254,254,254,254,254,254,207,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,240,254,254,215,205,175,91,79,116,213,254,212,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,173,54,9,0,0,0,0,0,30,135,245,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,197,6,0,0,0,0,0,0,0,0,0,113,238,86,0,0,0,0,0,0,0,0,0,0,0,0,0,20,27,0,0,0,0,0,0,0,0,0,0,28,252,190,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,219,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,21,57,101,26,0,0,95,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,94,116,219,234,254,254,244,197,159,193,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,188,254,254,251,250,225,160,239,252,254,254,254,132,2,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,120,22,0,0,0,0,93,254,254,254,254,188,40,0,0,0,0,0,0,0,0,0,0,0,0,152,254,110,2,0,0,0,0,52,200,254,253,128,153,249,250,126,0,0,0,0,0,0,0,0,0,0,0,133,254,179,54,15,0,35,158,244,254,254,149,0,0,39,197,252,127,0,0,0,0,0,0,0,0,0,0,9,172,254,254,229,219,242,254,254,250,138,10,0,0,0,20,230,253,80,0,0,0,0,0,0,0,0,0,0,10,106,228,238,254,254,254,250,168,0,0,0,0,0,0,93,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,24,92,151,68,52,0,0,0,0,0,0,0,17,229,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,235,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,198,253,228,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,244,253,248,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,242,253,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,242,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,193,253,253,54,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,251,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,210,253,253,153,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,242,39,0,0,0,0,0,0,0,0,27,160,203,160,108,0,0,0,0,0,0,0,0,0,0,18,253,253,182,0,0,0,0,0,0,0,0,107,216,253,253,253,228,130,4,0,0,0,0,0,0,0,0,18,253,253,237,36,0,0,0,0,0,0,29,238,253,253,253,253,253,253,17,0,0,0,0,0,0,0,0,3,170,253,253,146,0,0,0,0,0,29,209,253,253,242,82,194,253,169,3,0,0,0,0,0,0,0,0,0,102,253,253,204,13,0,0,0,0,129,253,253,190,20,22,214,253,101,0,0,0,0,0,0,0,0,0,0,1,167,253,253,35,0,0,2,178,252,253,190,5,0,109,253,249,33,0,0,0,0,0,0,0,0,0,0,0,23,216,253,209,21,14,165,253,253,242,20,2,44,217,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,210,119,253,253,253,176,48,167,253,253,241,138,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,253,253,253,253,253,253,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,94,244,253,253,253,253,253,253,253,253,244,148,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,152,209,253,253,253,253,209,93,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,218,181,17,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,134,211,254,254,193,144,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,253,253,253,253,254,253,253,170,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,205,134,44,44,44,73,193,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,123,0,0,0,0,0,4,127,119,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,234,17,0,0,0,0,0,137,194,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,165,0,0,0,0,0,24,225,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,169,1,0,0,0,7,124,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,41,0,33,45,163,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,253,222,188,237,253,254,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,253,253,253,253,254,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,111,111,0,0,101,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,244,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,207,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,167,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,255,254,186,156,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,254,254,254,254,212,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,158,158,158,234,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,208,254,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,78,222,254,249,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,114,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,187,254,254,254,168,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,214,254,254,240,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,254,254,245,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,54,173,254,254,155,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,123,246,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,208,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,186,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,72,15,0,49,200,254,254,218,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,244,187,248,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,191,254,254,254,254,254,122,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,64,254,240,155,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,201,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,241,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,94,0,0,0,0,0,0,94,129,170,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,125,232,252,215,0,0,0,0,0,94,247,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,236,62,0,0,0,0,94,247,252,252,253,231,52,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,215,0,0,0,0,0,0,217,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,215,0,0,0,0,0,0,154,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,215,0,0,0,0,0,0,197,252,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,6,160,252,252,215,0,0,0,0,0,99,242,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,215,0,0,0,0,0,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,232,47,0,0,99,253,255,253,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,63,242,252,252,252,252,232,218,217,242,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,253,253,255,253,253,253,255,253,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,52,190,252,252,252,252,252,180,179,231,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,11,154,215,215,215,132,0,0,51,71,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,195,241,252,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,64,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,128,0,128,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,130,212,255,254,254,254,157,91,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,86,208,253,253,251,241,241,244,253,253,213,31,2,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,253,251,216,111,90,0,0,30,111,217,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,1,148,253,226,92,0,0,0,0,0,0,0,81,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,22,253,251,92,0,0,0,0,0,0,0,0,157,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,130,245,86,0,0,0,0,0,0,0,11,74,236,240,170,11,0,0,0,0,0,0,0,0,0,0,0,0,106,82,0,0,0,0,0,0,0,0,90,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,141,234,253,113,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,196,253,238,101,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,160,253,238,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,233,253,205,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,233,253,178,16,0,0,0,0,0,0,0,0,0,129,65,0,0,0,0,0,0,0,0,0,0,0,48,186,253,178,16,0,0,0,0,0,0,0,0,0,36,246,5,0,0,0,0,0,0,0,0,0,0,7,185,253,240,57,0,0,0,0,0,0,0,0,35,199,230,113,1,0,0,0,0,0,0,0,0,0,0,65,253,242,76,0,0,0,0,0,0,0,0,126,231,214,106,2,0,0,0,0,0,0,0,0,0,0,11,240,253,113,0,0,0,0,0,0,30,139,223,249,214,90,0,0,0,0,0,0,0,0,0,0,0,0,13,253,243,58,0,0,0,0,0,114,237,253,253,163,30,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,239,44,0,20,90,108,236,249,253,163,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,246,242,244,251,250,253,163,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,202,253,253,253,229,129,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,38,127,158,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,116,220,253,253,253,201,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,158,242,253,253,252,206,83,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,213,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,214,253,236,133,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,253,241,195,195,124,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,253,253,253,253,237,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,233,235,100,92,92,146,235,253,253,163,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,35,0,0,0,0,36,130,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,94,0,0,0,0,0,0,91,244,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,185,0,0,0,0,0,91,250,253,253,179,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,134,0,0,0,0,24,242,253,253,246,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,178,0,0,51,127,226,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,249,249,251,253,253,253,206,72,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,178,253,253,253,253,253,198,82,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,187,105,145,93,37,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,195,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,80,32,253,254,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,221,248,46,197,254,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,254,206,0,118,254,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,187,254,210,9,0,34,255,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,201,253,253,129,5,0,0,254,253,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,254,194,108,15,254,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,219,161,177,253,228,254,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,93,51,0,0,0,51,235,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,119,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,154,253,165,191,129,29,29,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,208,221,253,252,252,178,108,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,56,56,13,25,69,224,252,252,253,215,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,65,190,253,252,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,255,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,214,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,214,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,255,209,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,253,234,131,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,106,253,252,252,252,198,197,197,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,165,252,252,253,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,255,129,105,105,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,208,249,252,252,253,252,252,252,213,103,60,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,131,252,252,252,252,253,252,252,252,252,252,252,168,38,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,252,181,133,132,132,132,238,252,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,36,232,252,252,252,252,103,0,0,0,0,70,186,252,252,220,31,0,0,0,0,0,0,0,0,0,0,11,213,252,248,142,74,74,30,0,0,0,0,0,9,168,252,252,121,0,0,0,0,0,0,0,0,0,0,95,252,252,222,0,0,0,0,0,0,0,0,0,0,134,252,252,252,0,0,0,0,0,0,0,0,0,0,164,252,252,169,0,0,0,0,0,0,0,0,0,0,134,252,252,252,0,0,0,0,0,0,0,0,0,46,231,252,238,61,0,0,0,0,0,0,0,0,0,0,134,252,252,252,0,0,0,0,0,0,0,0,0,147,252,252,90,0,0,0,0,0,0,0,0,0,0,0,134,252,252,163,0,0,0,0,0,0,0,0,44,227,253,253,29,0,0,0,0,0,0,0,0,0,0,92,253,253,253,104,0,0,0,0,0,0,0,0,105,252,252,223,22,0,0,0,0,0,0,0,0,0,98,239,252,252,179,18,0,0,0,0,0,0,0,0,105,252,252,132,0,0,0,0,0,0,0,0,19,164,242,252,252,237,55,0,0,0,0,0,0,0,0,0,174,252,252,132,0,0,0,0,0,0,0,99,205,252,252,252,188,8,0,0,0,0,0,0,0,0,0,0,253,252,252,132,0,0,0,0,0,45,136,247,252,252,229,159,14,0,0,0,0,0,0,0,0,0,0,0,235,252,252,132,0,0,0,29,144,222,253,252,252,237,156,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,196,95,16,134,245,252,252,253,252,164,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,248,240,252,252,252,199,163,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,192,252,252,252,246,207,154,59,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,103,103,103,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,105,105,105,207,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,253,249,193,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,253,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,198,254,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,236,253,162,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,169,252,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,218,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,217,35,0,44,229,246,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,163,0,36,229,253,253,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,163,30,217,239,242,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,163,24,133,0,60,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,223,253,163,0,0,0,105,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,227,65,13,0,122,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,183,135,233,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,255,253,248,93,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,200,243,253,254,242,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,192,105,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,230,230,118,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,254,254,254,243,235,104,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,228,240,254,254,254,254,254,174,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,169,40,50,203,254,144,61,245,254,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,159,4,66,233,251,95,0,134,231,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,248,254,163,236,254,219,0,0,0,84,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,254,254,229,43,0,0,0,41,227,234,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,144,144,42,0,0,0,0,0,140,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,231,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,125,125,125,125,34,0,0,0,0,150,254,234,49,0,0,0,0,0,0,0,0,0,0,0,32,134,242,249,254,254,254,254,245,242,242,242,242,253,254,156,0,0,0,0,0,0,0,0,0,0,0,32,209,254,254,205,101,34,157,171,232,255,254,254,254,254,155,10,0,0,0,0,0,0,0,0,0,0,0,206,254,177,55,22,0,0,0,0,40,61,195,254,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,235,254,84,0,0,0,0,0,0,57,188,254,254,232,254,236,53,0,0,0,0,0,0,0,0,0,0,0,224,254,234,140,21,21,21,21,133,229,254,243,166,44,147,254,164,20,0,0,0,0,0,0,0,0,0,0,45,233,254,254,254,254,254,254,254,254,239,50,0,0,38,225,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,178,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,254,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,177,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,92,92,203,192,92,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,108,201,254,254,254,254,254,221,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,136,254,254,254,254,254,254,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,226,254,254,246,221,61,57,121,246,254,245,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,230,130,97,0,0,0,0,190,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,40,32,0,0,0,0,0,0,190,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,226,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,244,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,105,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,249,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,153,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,146,160,161,160,195,132,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,116,163,242,254,254,254,254,254,254,248,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,250,254,254,248,244,251,249,244,251,254,254,249,59,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,248,146,35,0,63,32,0,66,197,254,241,25,0,0,0,0,0,0,0,0,0,0,0,0,0,156,240,189,69,0,0,0,0,0,0,115,248,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,33,0,0,0,0,0,0,79,162,243,254,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,254,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,254,149,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,198,254,254,254,217,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,135,254,254,254,255,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,119,237,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,37,0,0,0,43,197,254,206,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,247,66,0,10,131,221,254,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,198,180,218,254,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,254,254,254,254,166,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,249,148,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,145,194,135,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,150,249,255,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,240,240,92,243,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,206,253,148,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,185,2,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,145,249,223,40,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,253,224,34,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,193,253,224,40,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,206,253,223,34,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,253,253,229,202,202,202,202,202,166,245,253,220,33,0,0,0,0,0,0,0,0,0,0,0,0,0,16,185,216,253,253,253,253,253,253,253,253,253,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,62,62,62,62,62,62,62,62,242,253,210,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,206,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,193,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,200,231,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,112,156,217,254,223,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,226,253,253,174,135,165,238,177,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,154,0,0,0,57,235,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,112,5,0,0,0,0,180,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,118,5,0,0,0,0,0,60,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,171,255,241,30,0,0,0,0,0,0,0,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,249,103,0,0,0,0,0,0,0,0,208,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,98,0,0,0,0,0,0,0,0,0,156,239,24,0,0,0,0,0,0,0,0,0,0,0,0,73,251,253,0,0,0,0,0,0,0,0,0,0,156,253,78,0,0,0,0,0,0,0,0,0,0,0,0,79,253,215,0,0,0,0,0,0,0,0,0,0,156,253,115,0,0,0,0,0,0,0,0,0,0,0,0,176,254,155,0,0,0,0,0,0,0,0,0,0,134,254,175,0,0,0,0,0,0,0,0,0,0,0,0,175,253,73,0,0,0,0,0,0,0,0,0,0,67,253,174,0,0,0,0,0,0,0,0,0,0,0,0,175,253,58,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,175,253,148,0,0,0,0,0,0,0,0,0,0,156,253,123,0,0,0,0,0,0,0,0,0,0,0,0,138,253,193,0,0,0,0,0,0,0,0,0,38,231,237,18,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,23,0,0,0,0,0,0,0,10,209,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,12,184,253,207,26,0,0,0,0,0,44,213,253,219,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,217,84,0,0,19,86,229,253,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,223,253,247,234,234,239,253,240,109,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,103,223,215,215,155,147,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,114,113,113,101,63,114,113,144,84,0,0,0,0,0,0,0,0,0,0,0,0,0,48,226,249,252,252,252,253,252,252,249,240,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,252,252,253,252,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,252,230,223,223,240,223,223,208,84,84,84,84,28,0,0,0,0,0,0,0,0,0,0,0,0,13,189,253,204,25,0,0,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,10,85,0,0,19,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,186,57,156,252,198,197,209,246,197,198,150,13,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,252,252,252,253,252,155,10,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,252,252,252,252,253,252,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,253,253,178,140,141,94,111,140,140,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,38,167,167,168,42,27,9,0,0,0,0,0,0,206,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,252,84,0,0,0,0,0,0,0,0,0,0,38,113,38,0,0,0,0,0,0,0,0,26,207,253,255,253,228,47,0,0,0,0,0,0,0,0,0,0,85,252,234,225,85,85,85,85,85,85,131,231,252,252,253,176,21,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,252,252,252,252,228,52,0,0,0,0,0,0,0,0,0,0,0,0,76,230,236,252,253,252,252,252,252,253,252,252,249,145,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,50,112,112,112,142,252,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,108,0,0,0,15,246,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,212,253,199,0,0,0,176,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,253,197,0,0,27,227,253,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,253,253,92,0,0,125,253,253,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,92,0,17,232,253,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,171,253,253,234,10,0,27,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,62,0,0,197,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,224,14,0,32,243,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,253,229,39,0,0,93,253,253,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,253,253,236,126,55,101,173,253,253,218,162,134,33,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,253,253,253,253,253,253,253,204,133,32,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,249,232,185,246,253,253,142,16,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,86,86,86,70,0,0,162,253,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,197,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,194,255,254,171,101,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,253,253,253,253,253,126,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,212,200,200,200,237,253,253,127,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,73,237,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,218,253,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,242,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,24,24,24,107,176,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,230,253,253,253,253,253,253,163,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,253,253,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,253,253,253,232,88,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,41,153,167,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,23,51,175,253,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,105,181,253,239,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,47,0,30,48,48,147,205,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,213,252,183,227,253,253,253,253,253,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,253,253,253,253,205,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,190,153,117,35,35,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,185,195,69,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,195,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,229,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,250,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,217,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,246,255,254,254,254,254,254,237,150,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,253,253,253,253,253,253,253,253,247,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,156,162,149,114,114,114,130,217,251,251,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,227,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,235,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,217,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,216,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,241,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,239,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,112,253,253,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,235,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,62,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,233,41,0,0,0,0,123,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,111,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,50,0,0,0,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,233,30,0,0,0,0,41,243,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,173,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,122,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,132,10,0,0,0,21,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,172,102,20,102,203,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,254,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,232,253,252,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,254,255,254,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,226,250,233,136,135,217,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,211,198,66,0,0,0,145,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,189,43,0,0,0,0,36,180,174,152,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,173,0,0,0,0,0,0,159,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,218,15,0,0,0,0,0,0,159,254,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,113,0,0,0,0,0,0,67,250,253,226,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,60,0,0,0,0,0,0,109,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,159,40,40,40,40,100,182,247,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,170,254,253,253,253,253,254,253,253,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,121,218,195,195,120,76,118,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,162,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,97,212,255,217,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,246,239,253,184,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,228,253,242,111,23,90,149,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,220,242,161,37,0,0,0,3,212,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,92,0,0,0,0,0,0,170,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,97,1,0,0,0,0,1,172,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,150,66,0,0,0,35,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,119,254,253,250,250,250,251,254,235,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,99,229,254,254,254,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,47,120,176,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,254,213,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,250,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,222,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,251,254,136,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,181,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,250,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,251,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,220,0,0,2,159,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,152,0,0,118,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,211,208,14,0,8,215,214,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,127,0,0,99,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,243,229,73,0,16,211,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,239,90,0,0,61,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,177,0,0,2,211,254,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,55,19,99,162,254,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,162,240,254,254,254,247,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,242,254,254,253,211,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,194,124,38,90,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,255,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,98,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,180,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,251,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,111,235,186,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,100,185,250,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,43,170,254,254,254,254,254,254,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,254,254,254,254,254,254,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,190,78,218,254,254,234,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,254,254,242,112,10,171,254,254,237,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,230,254,254,238,59,55,193,254,254,194,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,84,50,233,254,254,197,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,109,235,254,254,237,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,254,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,235,77,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,254,254,254,244,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,251,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,252,159,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,255,254,213,103,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,254,254,254,254,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,228,254,254,254,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,121,199,254,254,254,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,220,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,251,235,82,0,0,0,0,0,0,32,109,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,251,86,0,0,0,0,0,0,130,202,251,215,0,0,0,0,0,0,0,0,0,0,0,0,11,150,253,255,253,35,0,0,0,0,0,110,253,255,253,216,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,35,0,0,0,0,0,109,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,63,251,251,253,127,5,0,0,0,0,0,93,241,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,107,0,0,0,0,0,0,47,211,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,107,0,0,0,0,0,0,109,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,255,149,10,0,0,0,42,99,253,253,255,253,216,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,159,144,144,145,206,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,31,230,251,253,251,251,251,251,253,251,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,62,220,253,251,251,251,251,253,251,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,251,251,251,251,253,147,71,148,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,175,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,169,222,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,254,254,254,245,30,16,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,253,254,254,236,251,254,223,208,251,159,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,237,174,54,26,36,168,247,253,254,254,249,178,53,0,0,0,0,0,0,0,0,0,0,0,10,122,253,213,48,0,0,0,0,42,109,67,151,254,254,254,236,123,0,0,0,0,0,0,0,0,0,0,29,254,242,34,0,0,0,0,0,1,3,0,1,9,175,254,254,241,37,0,0,0,0,0,0,0,0,0,117,254,73,0,0,0,0,0,0,0,0,0,0,0,38,221,254,254,106,0,0,0,0,0,0,0,0,44,245,190,2,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,226,0,0,0,0,0,0,0,0,63,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,1,150,254,254,0,0,0,0,0,0,0,0,105,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,0,0,0,0,0,0,0,0,188,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,189,0,0,0,0,0,0,0,0,239,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,241,249,95,0,0,0,0,0,0,0,0,199,238,32,0,0,0,0,0,0,0,0,0,0,0,0,57,201,252,139,0,0,0,0,0,0,0,0,0,191,254,224,31,0,0,0,0,0,0,0,0,0,58,100,214,254,124,0,0,0,0,0,0,0,0,0,0,109,254,254,240,149,66,39,22,13,39,39,39,144,250,254,255,184,9,0,0,0,0,0,0,0,0,0,0,38,201,253,254,254,254,254,229,216,254,254,254,254,254,222,103,13,0,0,0,0,0,0,0,0,0,0,0,0,0,68,185,219,254,254,254,254,254,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,61,125,125,125,125,125,96,29,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,76,76,76,76,76,76,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,146,223,253,253,253,253,253,253,247,222,112,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,234,210,164,118,210,210,210,219,253,253,186,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,229,49,0,0,0,0,0,0,14,104,249,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,255,131,0,0,0,0,0,0,0,0,0,90,250,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,166,192,7,0,0,0,0,0,0,0,0,0,168,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,9,59,8,0,0,0,0,0,0,0,0,0,168,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,246,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,73,73,244,253,253,99,93,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,238,238,246,250,250,253,253,253,253,253,247,238,162,176,0,0,0,0,0,0,0,0,0,0,27,125,195,253,253,208,198,253,253,253,214,194,194,194,194,227,253,202,0,0,0,0,0,0,0,0,0,71,214,253,222,156,135,12,105,253,253,194,17,0,0,0,0,27,48,7,0,0,0,0,0,0,0,0,49,251,253,172,81,0,17,147,248,253,193,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,250,33,0,36,223,253,253,188,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,211,211,231,253,253,196,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,231,253,253,253,238,200,30,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,75,75,75,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,152,0,0,0,0,0,0,0,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,245,27,0,0,0,0,0,6,153,242,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,168,0,0,0,0,0,0,134,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,80,0,0,0,0,0,62,239,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,63,0,0,0,0,0,189,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,250,58,0,0,0,0,87,251,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,211,0,0,0,0,29,232,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,229,27,0,0,0,87,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,254,174,51,43,43,210,253,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,252,252,252,252,253,252,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,205,242,252,252,253,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,84,154,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,122,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,134,253,253,255,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,40,219,240,240,242,252,252,252,253,252,252,252,252,252,252,251,101,0,0,0,0,0,0,0,0,0,0,40,222,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,252,252,252,253,252,252,252,252,252,197,158,17,0,0,0,0,0,0,0,0,0,0,23,196,252,252,252,241,185,185,185,186,59,53,53,53,53,17,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,107,41,41,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,252,252,203,98,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,249,252,252,252,252,252,253,207,98,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,252,252,253,252,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,216,253,253,253,255,253,253,253,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,20,145,197,252,252,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,25,0,0,0,0,13,26,180,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,196,108,0,0,0,0,0,0,15,219,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,241,179,25,0,0,0,0,0,142,252,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,252,252,210,110,54,54,180,186,242,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,252,252,252,253,252,252,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,252,252,252,252,253,252,252,252,252,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,248,252,252,252,253,252,252,252,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,132,252,252,253,252,252,252,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,232,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,213,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,201,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,241,252,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,163,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,250,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,219,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,133,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,239,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,236,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,255,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,216,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,189,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,191,100,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,236,228,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,252,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,254,254,182,163,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,205,254,254,131,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,253,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,199,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,208,39,127,144,197,164,118,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,239,234,254,250,240,246,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,254,254,254,186,57,0,41,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,241,102,4,0,0,23,222,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,94,0,0,0,0,110,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,254,235,0,0,0,0,0,202,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,240,235,0,0,0,0,106,250,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,233,243,33,0,1,71,243,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,106,184,254,225,110,151,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,35,37,220,255,255,254,244,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,129,176,170,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,108,2,0,0,0,0,0,60,249,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,231,254,138,0,0,0,0,0,174,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,207,24,0,0,0,0,21,234,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,4,172,254,214,69,0,0,0,0,0,176,254,254,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,146,0,0,0,0,0,61,251,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,254,238,39,0,0,0,0,0,181,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,1,150,254,254,106,0,0,4,10,1,109,251,254,254,107,1,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,248,35,42,154,183,215,20,187,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,252,201,242,254,254,215,77,254,254,254,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,199,248,192,254,254,241,46,0,0,0,0,0,0,0,0,0,0,0,0,0,51,244,254,254,254,254,229,146,50,147,146,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,250,90,28,4,0,54,227,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,164,10,0,0,0,0,150,254,254,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,170,21,0,0,0,0,38,238,254,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,0,0,0,0,0,0,99,254,254,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,64,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,233,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,146,232,255,183,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,159,248,253,193,177,195,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,187,253,197,71,7,0,58,166,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,199,253,183,52,0,0,0,149,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,250,106,15,0,0,0,0,16,218,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,243,0,0,0,0,0,0,105,249,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,249,81,0,0,0,0,35,221,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,242,46,0,0,32,218,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,199,238,179,147,240,252,94,210,228,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,128,249,253,211,90,0,206,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,54,12,0,22,223,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,222,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,157,107,0,0,136,208,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,169,0,0,12,196,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,240,104,0,0,0,180,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,251,104,0,0,0,142,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,245,39,0,0,0,153,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,212,185,0,0,0,2,185,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,233,136,0,0,0,30,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,244,16,3,15,78,120,254,246,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,185,125,226,238,249,254,254,251,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,251,217,233,135,148,128,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,2,3,1,0,60,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,234,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,223,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,243,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,128,128,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,128,255,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,252,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,252,71,0,0,0,0,0,47,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,189,10,0,0,0,0,0,233,242,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,231,51,0,0,0,0,0,253,252,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,71,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,255,253,232,109,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,252,252,252,253,252,252,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,252,252,253,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,144,144,144,144,145,176,253,253,255,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,56,179,180,242,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,207,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,201,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,243,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,239,254,254,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,255,254,255,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,235,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,255,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,254,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,225,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,13,18,132,190,156,167,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,128,191,252,253,252,252,252,246,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,184,252,252,252,252,253,252,230,193,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,72,229,252,252,252,252,252,205,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,200,192,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,231,139,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,189,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,252,252,211,109,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,248,252,252,252,252,243,189,121,122,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,197,253,253,253,253,253,253,253,255,253,161,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,108,108,108,211,228,239,253,252,252,252,175,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,102,219,252,252,252,225,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,101,204,238,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,96,235,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,205,205,19,41,86,153,212,252,252,228,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,220,234,253,252,252,252,183,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,209,252,252,252,253,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,131,131,247,190,131,57,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,67,93,155,235,192,149,56,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,246,243,243,246,253,253,215,108,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,253,218,44,0,0,22,95,188,195,253,241,129,54,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,28,0,0,0,0,0,0,4,34,127,169,227,82,0,0,0,0,0,0,0,0,0,0,0,0,174,253,199,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,246,226,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,207,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,237,56,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,191,253,253,181,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,138,247,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,252,234,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,91,0,3,133,252,242,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,247,32,130,253,243,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,248,252,240,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,159,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,231,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,243,254,219,154,44,89,36,36,36,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,171,245,254,254,254,254,254,254,224,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,65,68,117,65,93,238,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,217,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,246,254,254,136,126,126,126,95,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,24,169,254,254,254,254,231,231,246,254,218,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,103,254,254,254,222,168,95,2,0,62,210,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,245,167,18,0,0,0,0,0,156,254,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,25,117,166,49,0,0,0,0,0,0,0,66,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,192,254,243,15,0,0,0,0,0,0,0,0,0,29,48,13,0,0,0,0,0,0,0,0,0,0,0,126,254,254,131,0,0,0,0,0,0,0,0,0,0,154,254,202,88,8,0,0,0,0,0,0,0,0,8,189,254,254,91,0,0,0,0,0,0,0,0,0,0,49,171,233,254,208,202,135,70,0,0,0,0,82,159,254,254,149,8,0,0,0,0,0,0,0,0,0,0,0,0,26,131,153,250,254,249,220,220,220,220,254,254,254,181,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,84,135,135,227,210,244,138,122,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,195,195,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,233,245,242,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,125,252,213,75,111,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,200,19,0,20,179,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,246,23,0,0,0,0,8,41,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,197,3,0,0,0,38,174,240,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,141,254,189,70,16,49,195,209,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,236,254,225,236,248,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,90,254,254,250,113,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,239,151,188,239,209,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,214,130,0,0,62,241,227,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,77,0,0,0,62,239,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,237,6,0,0,0,0,61,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,235,0,0,0,0,0,10,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,229,22,0,0,0,0,4,170,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,91,0,0,0,0,0,73,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,235,49,0,0,0,0,75,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,203,57,0,0,7,224,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,185,242,197,130,171,254,158,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,104,187,254,251,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,254,253,147,43,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,253,252,252,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,244,232,231,231,245,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,127,147,0,0,0,56,154,239,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,69,0,0,0,0,106,253,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,119,211,252,253,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,109,171,252,252,252,253,111,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,106,176,228,253,252,252,252,252,253,252,214,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,253,255,253,214,211,211,212,225,253,253,122,18,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,252,217,204,89,5,0,0,0,21,72,189,252,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,116,126,29,9,0,0,0,0,0,0,0,6,109,245,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,210,253,241,35,0,0,0,0,0,0,0,0,0,0,0,8,28,36,0,0,0,0,0,0,0,78,155,242,253,252,196,0,0,0,0,0,0,0,0,0,0,0,0,11,197,241,233,161,119,127,127,233,232,251,252,252,253,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,56,198,227,252,252,252,252,253,252,252,252,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,25,156,252,208,208,253,252,252,252,208,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,193,242,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,202,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,250,94,0,0,0,0,0,0,0,23,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,123,0,0,0,0,0,0,0,197,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,200,4,0,0,0,0,0,7,241,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,253,6,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,251,253,253,6,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,224,253,253,55,0,0,66,32,0,125,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,173,69,181,241,223,206,229,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,253,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,233,229,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,253,210,29,28,253,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,209,24,0,28,253,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,9,0,0,2,94,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,140,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,219,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,109,233,253,253,110,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,252,252,252,253,242,217,217,73,73,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,71,231,252,252,252,253,252,252,252,253,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,168,108,108,108,108,108,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,128,37,37,37,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,190,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,255,159,144,144,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,242,252,210,35,5,0,0,35,159,206,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,71,31,0,0,0,0,0,0,181,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,110,109,94,0,0,0,99,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,217,217,237,253,252,143,73,73,197,242,252,222,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,195,241,252,253,252,252,252,253,252,246,215,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,108,108,108,128,252,191,108,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,239,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,252,223,125,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,222,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,251,229,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,234,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,172,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,131,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,205,197,154,154,93,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,252,252,252,252,253,206,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,175,33,33,33,33,205,252,240,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,165,0,0,0,0,78,243,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,135,0,0,0,0,0,100,252,155,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,98,0,0,0,0,0,41,235,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,0,0,0,0,0,0,143,251,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,183,5,0,0,0,0,0,0,242,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,108,0,0,0,0,0,0,242,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,46,221,242,212,40,2,0,0,0,141,252,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,229,252,252,166,140,45,135,206,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,189,252,252,253,252,252,252,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,66,142,253,252,161,85,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,128,141,141,178,153,79,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,187,252,252,253,252,252,252,253,196,131,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,252,252,252,156,56,56,56,119,224,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,26,150,249,241,139,52,28,0,0,0,0,0,44,177,252,176,225,137,13,0,0,0,0,0,0,0,0,0,70,253,253,51,0,0,0,0,0,0,0,0,0,0,226,255,253,253,28,0,0,0,0,0,0,0,0,7,187,252,151,0,0,0,0,0,0,0,0,7,19,0,150,253,252,252,28,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,154,215,110,159,253,252,224,19,0,0,0,0,0,0,0,0,4,178,252,178,51,0,0,0,0,0,38,213,253,252,252,252,253,227,43,0,0,0,0,0,0,0,0,0,0,26,200,250,254,228,53,16,0,45,229,253,254,253,253,253,214,38,0,0,0,0,0,0,0,0,0,0,0,0,0,125,203,252,252,215,170,225,252,252,253,240,158,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,168,243,253,252,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,153,252,252,252,253,246,225,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,247,50,51,176,231,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,196,0,0,0,19,171,246,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,196,0,0,0,0,0,187,253,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,196,0,0,0,0,0,13,203,252,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,128,4,0,0,0,0,154,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,178,157,82,169,169,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,143,243,253,252,252,252,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,91,115,28,178,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,249,254,255,149,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,244,248,225,244,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,242,254,101,0,75,247,251,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,245,254,116,1,0,0,47,254,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,146,12,0,0,0,44,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,43,0,0,0,0,44,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,251,254,43,0,0,0,0,64,254,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,43,0,0,9,115,234,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,254,74,0,65,211,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,240,175,248,251,176,152,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,251,249,184,99,0,139,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,55,0,0,0,205,247,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,238,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,235,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,179,31,0,0,0,0,0,0,145,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,235,150,7,0,0,0,0,0,144,187,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,28,0,0,0,0,0,145,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,28,0,0,0,0,0,169,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,254,28,0,0,0,0,29,217,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,28,0,0,0,0,166,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,225,19,0,0,0,127,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,38,238,128,178,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,248,50,0,0,45,230,179,26,245,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,197,0,0,45,226,234,22,19,226,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,197,0,76,230,234,62,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,222,114,238,191,59,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,242,51,0,0,0,29,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,197,197,59,0,0,0,0,10,197,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,255,238,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,250,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,163,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,194,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,238,252,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,124,249,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,241,253,251,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,177,224,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,249,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,47,144,150,202,255,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,94,12,0,2,56,94,228,253,253,253,253,229,153,0,0,0,0,0,0,0,0,0,0,0,0,78,105,253,253,245,244,244,250,253,253,226,204,114,63,7,0,0,0,0,0,0,0,0,0,0,0,0,70,251,253,253,253,253,253,253,253,253,70,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,92,20,20,20,20,20,20,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,127,2,0,0,0,2,6,48,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,185,156,156,71,176,253,253,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,160,253,253,253,253,253,253,253,253,253,226,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,15,109,115,169,212,148,109,66,201,253,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,206,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,191,191,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,191,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,64,64,128,128,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,128,128,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,123,201,227,236,131,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,252,252,252,252,253,252,212,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,253,252,252,238,187,144,231,233,247,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,141,28,0,0,0,7,152,217,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,236,112,4,0,0,0,0,54,204,252,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,212,0,0,0,0,0,0,233,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,243,111,7,0,0,0,0,232,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,245,252,225,101,22,13,136,251,247,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,252,218,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,42,147,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,255,253,253,227,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,253,189,210,252,226,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,242,252,252,197,5,11,118,249,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,252,252,226,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,103,0,0,0,98,246,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,243,35,0,0,31,218,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,205,252,210,50,0,64,213,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,251,252,244,233,247,252,252,244,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,252,252,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,191,253,252,199,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,63,137,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,254,254,250,86,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,230,254,254,206,253,254,217,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,138,231,254,199,84,6,69,225,254,238,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,164,11,0,0,0,42,224,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,248,254,217,9,0,0,0,0,0,62,254,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,254,173,9,0,0,0,0,0,0,48,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,102,0,0,0,0,0,0,0,48,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,65,237,254,229,0,0,0,0,0,0,0,0,68,254,254,35,0,0,0,0,0,0,0,0,0,0,0,13,205,254,254,47,0,0,0,0,0,0,0,0,166,254,235,27,0,0,0,0,0,0,0,0,0,0,0,54,254,254,172,3,0,0,0,0,0,0,0,60,234,254,80,0,0,0,0,0,0,0,0,0,0,0,0,153,254,221,37,0,0,0,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,172,254,165,0,0,0,0,0,0,0,0,64,245,254,142,5,0,0,0,0,0,0,0,0,0,0,0,2,176,254,165,0,0,0,0,0,0,5,65,250,255,202,2,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,0,0,0,110,254,255,167,37,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,0,34,139,240,254,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,254,188,8,0,7,86,233,254,254,225,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,208,202,207,254,254,254,140,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,199,254,254,254,254,254,231,62,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,135,241,254,188,117,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,149,186,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,166,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,250,245,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,195,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,214,220,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,226,253,253,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,73,193,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,250,241,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,41,0,0,0,43,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,241,199,118,118,217,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,253,253,253,254,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,226,253,253,254,253,195,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,126,253,254,125,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,122,247,232,147,45,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,128,228,254,254,254,254,254,238,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,254,254,254,254,254,254,254,254,242,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,254,221,211,211,245,254,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,234,211,65,15,0,0,51,173,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,14,0,0,0,0,0,3,177,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,201,201,201,201,201,178,93,93,200,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,248,254,254,254,254,254,254,254,254,254,254,124,22,4,0,0,0,0,0,0,0,0,0,0,0,0,18,230,254,254,254,254,254,254,254,254,254,254,254,254,254,139,27,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,208,175,254,213,254,254,254,254,254,254,254,254,228,62,0,0,0,0,0,0,0,0,0,0,185,254,231,38,6,2,10,26,215,254,254,254,254,254,254,254,254,179,0,0,0,0,0,0,0,0,0,0,185,254,241,72,0,13,103,213,254,254,240,81,169,196,255,254,254,184,0,0,0,0,0,0,0,0,0,0,185,254,254,206,109,220,254,254,254,254,99,0,0,5,43,175,254,184,0,0,0,0,0,0,0,0,0,0,69,250,254,254,254,254,254,254,248,97,1,0,0,0,0,47,252,184,0,0,0,0,0,0,0,0,0,0,0,193,254,254,254,254,254,166,60,0,0,0,0,0,0,0,241,87,0,0,0,0,0,0,0,0,0,0,0,19,211,254,254,187,109,19,0,0,0,0,0,0,0,0,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,70,112,161,162,178,254,254,255,254,178,128,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,204,253,253,253,254,210,206,206,173,139,173,206,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,253,251,128,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,94,245,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,211,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,42,116,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,186,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,253,253,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,131,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,195,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,222,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,239,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,177,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,253,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,252,239,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,164,254,255,254,254,254,142,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,238,55,160,243,246,253,246,198,79,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,177,39,0,0,0,60,222,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,233,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,253,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,211,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,241,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,59,236,253,219,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,170,219,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,48,48,104,236,250,253,253,253,253,253,237,236,110,48,48,48,48,48,12,0,0,0,0,0,0,0,0,67,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,148,0,0,0,0,0,0,0,0,200,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,120,0,0,0,0,0,0,0,0,254,253,253,253,221,182,8,8,8,79,196,196,196,196,196,196,196,196,105,2,0,0,0,0,0,0,0,0,163,253,248,130,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,65,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,216,165,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,172,246,253,252,252,153,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,227,177,252,238,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,178,0,0,0,51,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,26,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,186,6,0,0,0,200,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,155,13,0,101,225,249,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,254,253,253,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,253,252,252,178,170,94,57,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,186,243,253,252,214,214,216,252,252,153,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,202,6,25,28,28,15,15,16,53,177,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,251,75,0,0,0,0,0,0,0,0,38,238,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,0,0,0,0,0,0,0,0,0,19,231,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,235,28,0,0,0,0,0,0,0,0,85,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,133,0,0,0,0,0,0,0,26,210,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,197,0,0,0,0,0,0,29,166,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,234,63,0,0,0,19,57,216,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,234,147,85,160,215,252,244,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,139,240,253,252,252,151,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,64,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,255,191,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,191,255,255,255,191,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,128,128,64,128,0,64,255,255,64,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,128,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,64,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,0,0,0,0,0,0,0,0,7,159,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,221,22,0,0,0,0,0,0,0,73,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,64,194,237,29,0,0,0,0,0,0,0,73,253,188,8,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,189,9,0,0,0,0,0,0,0,102,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,36,0,0,0,0,0,0,47,239,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,253,143,7,0,0,0,0,0,0,159,253,225,24,0,0,0,0,0,0,0,0,0,0,0,0,14,202,253,225,30,84,207,218,219,148,37,42,243,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,37,233,253,253,254,253,239,235,253,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,250,246,253,92,11,11,93,253,253,253,215,81,0,0,0,0,0,0,0,0,0,0,0,0,2,163,254,254,254,245,34,0,0,0,0,95,255,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,200,21,0,0,0,0,0,49,253,247,136,21,0,0,0,0,0,0,0,0,0,0,0,0,71,253,246,188,23,0,0,0,0,0,4,171,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,68,0,0,0,0,0,0,0,48,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,216,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,253,247,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,207,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,71,3,0,0,0,0,0,0,0,0,4,209,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,126,4,0,0,0,0,0,0,6,148,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,36,0,0,0,0,0,0,61,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,237,29,0,0,0,0,0,0,84,253,237,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,139,0,0,0,0,0,0,0,125,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,202,253,48,0,0,0,0,0,0,0,182,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,48,0,0,0,0,0,0,0,182,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,48,0,0,0,0,0,0,42,243,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,187,5,0,0,0,0,0,0,101,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,65,0,0,0,0,0,0,0,170,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,13,209,255,254,162,133,133,24,71,134,133,117,174,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,253,254,253,250,245,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,236,218,205,83,170,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,213,84,84,84,84,44,0,0,7,186,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,0,0,0,0,28,233,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,6,135,180,80,0,0,0,0,0,0,0,0,170,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,190,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,197,216,240,197,197,45,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,225,253,253,253,253,253,253,254,129,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,249,253,253,214,139,143,253,253,254,253,235,114,21,0,0,0,0,0,0,0,0,0,0,0,0,0,37,237,253,247,95,9,0,11,47,47,200,251,253,253,209,70,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,112,0,0,0,0,0,0,0,128,253,253,253,247,84,0,0,0,0,0,0,0,0,0,0,0,254,253,188,3,0,0,0,0,0,0,0,2,199,208,186,253,218,27,0,0,0,0,0,0,0,0,0,0,254,253,70,0,0,0,0,0,0,0,0,0,118,214,47,220,253,189,5,0,0,0,0,0,0,0,0,0,254,253,91,0,0,0,0,0,0,0,0,0,104,225,12,78,253,253,141,0,0,0,0,0,0,0,0,0,255,254,209,0,0,0,0,0,0,0,0,0,39,32,0,0,120,254,233,17,0,0,0,0,0,0,0,0,156,253,252,75,0,0,0,0,0,0,0,0,0,0,0,0,41,248,253,162,0,0,0,0,0,0,0,0,39,241,253,187,11,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,0,0,0,0,0,0,0,0,0,197,253,253,188,42,0,0,0,0,0,0,0,0,0,0,0,178,253,253,0,0,0,0,0,0,0,0,0,10,166,253,253,238,141,51,7,0,0,0,0,0,0,46,172,252,253,130,0,0,0,0,0,0,0,0,0,0,2,75,231,253,253,253,213,207,148,113,117,207,207,244,253,253,191,54,0,0,0,0,0,0,0,0,0,0,0,0,14,117,228,253,253,253,254,253,253,253,253,253,193,78,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,100,103,137,197,196,158,103,103,26,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,193,173,253,254,151,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,253,252,253,232,183,203,203,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,254,253,123,183,254,253,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,171,0,20,112,192,253,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,0,0,0,62,254,253,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,252,142,20,0,183,253,252,151,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,91,132,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,254,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,171,112,232,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,183,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,212,20,0,0,203,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,213,0,0,0,102,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,41,0,0,102,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,173,10,0,163,234,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,212,163,243,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,255,253,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,151,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,127,238,254,255,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,217,254,235,94,163,252,193,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,158,236,207,93,15,0,0,125,252,123,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,211,254,197,16,0,0,0,0,0,216,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,231,17,0,0,0,0,0,0,72,251,30,43,105,5,0,0,0,0,0,0,0,0,0,0,0,0,88,254,214,7,0,0,0,0,0,0,0,198,213,254,247,39,0,0,0,0,0,0,0,0,0,0,0,0,7,222,254,139,7,0,0,0,0,6,147,247,254,205,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,223,254,166,8,0,0,7,159,254,235,97,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,212,254,204,67,53,186,254,203,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,193,245,254,254,254,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,245,254,254,172,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,247,229,229,254,204,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,246,47,32,198,254,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,150,0,0,6,159,254,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,234,21,0,0,0,6,187,254,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,220,0,0,0,0,0,5,209,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,241,81,0,0,0,0,0,30,241,226,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,213,236,118,13,0,0,0,64,246,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,238,254,247,175,163,209,250,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,101,170,214,254,254,206,72,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,105,192,255,253,253,182,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,78,208,249,252,252,253,252,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,164,164,242,252,244,148,237,148,89,88,194,252,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,146,132,63,0,0,0,0,0,164,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,208,207,146,4,0,0,0,0,0,31,110,242,252,229,52,0,0,0,0,0,0,0,0,0,0,0,0,0,103,199,55,0,0,0,0,6,30,210,252,252,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,118,63,0,0,0,0,45,252,253,252,164,118,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,119,252,216,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,248,252,252,80,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,252,252,253,166,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,149,186,253,253,255,253,253,182,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,44,44,193,241,252,252,169,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,194,252,252,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,189,252,252,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,182,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,200,252,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,252,252,59,0,0,0,0,0,0,0,0,0,0,22,99,167,133,150,238,238,238,238,240,238,238,238,242,252,252,167,4,0,0,0,0,0,0,0,0,0,0,60,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,25,103,103,103,103,103,103,103,103,104,226,154,103,103,103,103,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,145,229,254,203,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,251,253,253,254,253,251,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,251,162,138,54,131,253,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,253,128,0,0,0,7,203,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,56,0,0,0,0,49,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,115,11,0,0,0,76,224,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,174,232,253,253,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,168,234,254,253,253,253,254,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,254,228,222,184,204,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,140,206,182,23,13,0,7,99,242,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,173,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,5,13,0,0,0,0,0,0,0,0,0,0,74,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,99,220,51,0,0,0,0,0,0,0,0,22,212,253,222,13,0,0,0,0,0,0,0,0,0,0,0,0,82,253,235,84,0,0,0,0,0,0,26,155,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,255,254,136,45,0,0,7,104,221,254,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,224,253,245,231,230,232,253,254,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,129,246,254,253,253,253,247,213,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,128,160,194,128,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,189,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,243,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,207,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,197,141,139,85,28,0,0,0,0,0,0,0,0,0,0,0,114,169,168,169,168,169,168,169,168,169,168,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,255,253,254,253,254,253,254,253,254,253,254,253,254,253,254,253,254,139,0,0,0,0,0,0,0,0,0,0,253,251,253,138,139,138,253,251,253,251,253,138,84,83,139,251,253,138,0,0,0,0,0,0,0,0,0,0,255,253,226,56,0,0,0,0,0,0,0,0,0,0,141,253,254,84,0,0,0,0,0,0,0,0,0,0,139,251,168,0,0,0,0,0,0,0,0,0,0,114,253,251,253,83,0,0,0,0,0,0,0,0,0,0,86,253,198,28,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,28,196,253,83,0,0,0,0,0,0,0,0,57,224,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,114,114,0,0,0,0,0,0,0,0,0,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,168,169,224,253,251,253,196,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,254,253,254,253,254,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,251,253,251,253,251,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,114,198,253,169,225,254,253,254,253,226,168,169,56,57,56,57,168,0,0,0,0,0,0,0,0,0,0,0,0,28,83,0,56,139,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,253,253,174,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,252,252,241,225,193,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,246,197,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,84,84,84,84,84,209,246,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,252,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,239,102,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,233,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,178,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,186,252,252,163,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,215,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,113,255,253,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,147,225,231,252,252,253,252,252,242,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,227,253,252,252,252,252,196,195,164,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,242,223,129,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,112,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,82,152,152,152,152,152,152,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,243,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,163,123,0,0,62,254,253,254,253,254,253,254,253,203,203,41,0,0,0,0,0,0,0,0,0,0,0,82,243,203,0,21,203,253,252,233,232,192,111,71,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,142,0,51,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,102,0,10,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,243,203,203,203,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,253,254,253,254,253,254,213,31,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,253,252,253,252,253,252,233,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,142,234,253,214,253,254,253,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,10,131,172,252,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,10,0,0,0,0,0,0,0,0,62,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,50,0,0,0,0,0,0,0,0,0,20,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,213,62,0,0,0,0,0,0,0,11,132,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,223,162,41,0,0,0,0,41,173,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,253,234,152,153,152,173,253,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,253,252,253,252,253,252,253,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,203,254,253,254,253,254,253,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,70,253,171,192,151,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,102,102,148,147,102,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,219,254,254,254,254,254,165,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,178,108,210,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,254,223,48,3,0,5,7,226,239,0,118,248,182,17,0,0,0,0,0,0,0,0,0,0,0,23,249,254,233,49,0,0,0,0,0,54,93,194,246,254,238,39,0,0,0,0,0,0,0,0,0,0,0,147,254,233,52,0,0,0,0,0,0,39,217,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,45,249,254,216,0,0,0,0,0,0,0,216,254,254,234,164,9,0,0,0,0,0,0,0,0,0,0,0,47,254,254,216,0,0,0,0,0,22,107,247,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,23,199,254,236,132,8,0,0,121,218,254,254,246,123,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,249,254,254,234,233,233,253,254,254,233,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,235,254,254,254,254,254,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,130,130,221,254,254,254,194,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,254,254,97,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,250,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,254,222,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,243,254,231,209,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,255,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,134,158,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,225,249,236,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,141,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,192,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,243,110,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,241,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,217,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,219,75,75,136,75,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,254,254,254,254,215,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,194,254,254,254,254,254,254,254,240,166,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,100,37,70,188,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,74,0,27,206,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,255,126,0,121,254,254,254,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,214,254,254,251,237,250,254,254,119,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,220,36,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,88,154,254,224,97,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,212,255,254,254,254,121,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,151,253,251,241,180,244,253,253,216,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,201,0,0,28,144,249,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,149,36,0,0,0,0,186,253,253,119,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,224,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,167,167,235,253,253,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,164,197,241,253,228,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,241,253,150,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,241,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,118,141,32,0,0,0,0,32,228,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,213,31,0,29,106,213,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,241,236,241,253,253,253,212,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,91,155,253,253,253,253,253,253,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,91,156,192,253,156,90,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,109,109,171,253,232,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,217,247,252,252,253,252,252,252,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,252,253,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,169,252,252,168,108,108,128,252,253,221,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,150,252,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,247,252,252,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,222,252,253,231,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,109,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,253,253,253,253,253,192,109,109,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,190,252,252,252,252,252,253,252,252,252,238,217,217,217,218,30,0,0,0,0,0,0,0,0,0,0,0,0,11,154,231,252,252,252,253,252,252,252,253,252,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,108,190,191,108,190,108,191,108,128,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,159,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,162,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,165,8,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,165,253,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,198,253,229,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,227,34,0,0,0,0,0,0,0,0,0,0,89,16,0,0,0,0,0,0,0,0,0,0,0,12,203,253,193,0,0,0,0,0,0,0,0,0,30,214,251,244,81,0,0,0,0,0,0,0,0,0,0,89,254,255,72,0,0,0,0,0,0,0,0,32,220,254,245,253,254,11,0,0,0,0,0,0,0,0,7,207,253,225,31,0,0,0,0,0,0,0,33,218,253,200,29,221,253,11,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,0,0,4,171,253,245,51,86,253,253,11,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,0,3,127,253,221,64,14,175,253,157,4,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,0,13,253,253,176,15,174,253,230,18,0,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,0,48,253,253,155,208,253,229,54,0,0,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,41,174,253,253,253,253,229,113,0,0,0,0,0,0,0,0,0,0,0,8,212,253,247,218,126,98,98,98,230,254,253,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,14,115,253,253,253,253,253,253,253,254,253,185,144,144,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,132,161,253,253,253,201,132,70,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,64,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,229,165,165,92,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,254,254,254,175,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,26,26,58,26,100,222,242,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,231,254,215,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,254,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,248,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,251,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,250,252,254,88,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,226,245,254,254,254,139,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,254,254,254,254,254,156,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,222,222,184,166,222,233,242,119,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,157,254,157,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,194,254,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,254,164,0,0,0,0,0,0,0,0,81,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,177,0,0,0,0,0,0,0,0,255,245,122,7,0,0,0,0,0,0,0,0,0,0,11,110,249,254,228,11,0,0,0,0,0,0,0,0,141,254,254,213,197,117,117,60,90,27,70,117,117,144,218,254,249,176,29,0,0,0,0,0,0,0,0,0,19,178,243,242,251,254,254,254,254,254,254,254,254,254,254,246,109,0,0,0,0,0,0,0,0,0,0,0,0,0,130,12,169,122,107,220,254,254,222,216,164,164,110,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,253,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,225,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,252,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,252,127,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,255,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,231,19,0,0,0,19,85,134,185,85,85,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,225,0,38,113,176,231,252,252,253,252,252,240,214,38,0,0,0,0,0,0,0,0,0,0,0,57,253,253,129,128,253,253,254,253,231,225,226,225,247,253,254,197,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,227,184,84,19,0,0,13,209,252,253,171,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,99,31,0,0,0,0,23,209,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,32,228,252,253,151,6,0,0,0,0,101,229,252,252,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,242,66,29,29,41,141,229,253,254,253,194,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,252,252,253,252,252,252,247,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,253,252,252,252,253,252,186,68,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,203,252,252,202,140,65,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,106,190,242,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,88,198,249,255,254,254,246,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,245,254,225,152,101,56,127,168,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,84,254,250,144,12,0,0,0,0,4,151,239,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,102,0,0,0,0,0,0,0,0,222,173,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,66,0,0,0,0,0,0,0,0,0,74,200,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,234,0,0,0,0,0,0,0,0,0,0,73,230,21,0,0,0,0,0,0,0,0,0,0,0,28,236,251,108,0,0,0,0,0,0,0,0,0,0,11,226,114,0,0,0,0,0,0,0,0,0,0,0,55,254,235,0,0,0,0,0,0,0,0,0,0,0,0,184,198,0,0,0,0,0,0,0,0,0,0,0,55,254,170,0,0,0,0,0,0,0,0,0,0,0,0,236,217,0,0,0,0,0,0,0,0,0,0,0,55,254,87,0,0,0,0,0,0,0,0,0,0,0,0,237,218,0,0,0,0,0,0,0,0,0,0,0,55,254,138,0,0,0,0,0,0,0,0,0,0,0,68,252,198,0,0,0,0,0,0,0,0,0,0,0,47,248,157,0,0,0,0,0,0,0,0,0,0,0,73,254,127,0,0,0,0,0,0,0,0,0,0,0,0,218,235,0,0,0,0,0,0,0,0,0,0,0,80,254,88,0,0,0,0,0,0,0,0,0,0,0,0,218,242,26,0,0,0,0,0,0,0,0,0,0,163,214,11,0,0,0,0,0,0,0,0,0,0,0,0,70,254,222,0,0,0,0,0,0,0,0,0,59,223,174,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,254,152,24,0,0,0,0,0,0,83,217,239,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,230,254,233,140,56,37,37,89,108,246,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,113,229,251,254,254,254,254,254,200,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,163,195,254,201,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,133,123,158,158,231,166,254,236,123,224,255,255,227,144,38,0,0,0,0,0,0,0,0,0,0,0,102,249,254,254,254,254,254,254,254,254,254,254,254,254,254,254,241,221,36,0,0,0,0,0,0,0,0,0,158,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,207,23,0,0,0,0,0,0,0,0,27,154,211,196,187,101,81,4,4,4,4,4,4,4,32,159,254,254,254,62,0,0,0,0,0,0,0,0,0,5,10,0,0,0,0,0,0,0,0,0,0,0,0,6,205,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,165,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,254,232,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,179,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,204,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,254,242,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,226,254,247,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,39,168,254,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,178,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,217,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,132,254,254,254,255,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,208,248,253,253,253,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,76,213,253,253,253,253,253,253,253,253,224,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,253,253,253,253,247,198,198,198,246,253,222,23,0,0,0,0,0,0,0,0,0,0,0,0,0,118,220,253,253,253,225,192,73,0,0,0,127,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,253,253,247,117,19,0,0,0,0,6,166,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,186,70,0,0,0,0,0,0,174,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,240,3,0,0,0,0,0,0,54,246,253,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,239,0,0,0,0,0,0,129,240,253,224,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,222,100,0,0,0,0,0,8,174,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,0,0,0,0,0,10,145,253,253,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,144,144,144,144,144,144,174,253,253,253,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,253,253,253,253,253,253,250,125,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,251,253,253,253,253,253,253,253,253,253,253,253,248,162,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,253,253,253,253,253,253,253,253,253,219,41,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,253,253,253,253,203,237,253,251,191,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,253,253,213,89,14,55,75,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,233,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,116,190,116,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,226,252,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,18,18,30,118,46,82,237,147,137,137,60,5,0,0,0,0,0,0,0,0,0,0,0,0,6,117,154,236,254,254,254,254,254,254,254,254,254,254,254,151,8,0,0,0,0,0,0,0,0,0,0,0,29,237,254,254,254,203,201,201,201,201,145,148,201,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,69,236,254,204,6,0,0,0,0,0,0,4,175,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,254,53,0,0,0,0,0,0,0,148,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,235,0,0,0,0,0,0,11,243,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,179,131,0,0,0,0,0,0,12,254,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,248,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,251,255,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,255,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,245,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,123,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,134,14,0,0,0,0,0,0,0,37,158,203,121,0,0,0,0,0,0,0,0,0,0,0,0,25,119,180,125,29,0,0,0,0,0,0,10,196,197,32,0,0,0,0,0,0,0,0,0,0,0,0,32,203,208,39,0,0,0,0,0,0,0,10,176,193,37,0,0,0,0,0,0,0,0,0,0,0,0,13,197,229,31,0,0,0,0,0,0,0,7,178,236,44,0,0,0,0,0,0,0,0,0,0,0,0,8,194,232,36,0,0,0,0,0,0,0,7,183,233,48,0,0,0,0,0,0,0,0,0,0,0,0,0,20,248,93,0,0,0,0,0,0,0,0,151,251,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,248,131,23,0,0,0,0,0,0,69,251,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,194,254,242,205,156,156,156,103,91,233,254,163,169,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,175,211,199,138,79,93,255,226,85,79,79,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,244,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,218,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,218,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,233,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,242,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,97,138,180,253,255,253,253,253,148,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,161,253,252,218,206,206,207,206,206,223,252,245,80,0,0,0,0,0,0,0,0,0,0,0,0,13,153,240,189,173,69,19,0,0,0,0,0,25,121,222,240,50,0,0,0,0,0,0,0,0,0,0,19,215,185,66,4,0,0,0,0,0,0,0,0,0,0,97,252,69,0,0,0,0,0,0,0,0,0,0,13,137,37,0,0,0,0,0,0,0,0,0,0,0,0,24,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,210,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,253,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,193,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,240,252,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,252,168,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,244,221,96,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,76,255,165,32,0,0,0,0,0,0,11,24,97,55,68,0,0,0,0,0,0,0,0,0,0,0,0,93,252,239,33,0,0,0,0,30,78,161,203,253,244,123,58,0,0,0,0,0,0,0,0,0,0,0,0,93,252,237,70,70,70,70,185,228,252,252,221,173,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,252,252,252,253,235,160,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,75,253,252,252,157,137,75,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,125,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,134,208,32,0,0,11,117,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,135,248,253,206,8,16,48,181,253,253,129,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,232,62,0,40,237,253,246,89,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,196,247,229,68,30,0,83,221,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,225,253,229,59,0,0,44,240,253,253,125,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,229,126,0,0,85,213,253,253,190,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,235,253,190,66,66,100,239,253,253,253,216,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,253,253,253,253,215,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,208,253,253,253,253,253,253,242,201,114,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,218,111,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,123,253,253,241,177,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,191,253,253,242,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,193,253,253,230,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,198,253,245,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,247,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,83,151,207,218,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,166,214,65,44,91,160,247,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,158,4,0,0,0,11,214,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,214,19,0,0,0,0,0,109,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,53,0,0,0,0,0,0,105,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,246,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,65,35,18,0,0,0,109,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,136,232,230,254,229,92,7,4,184,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,182,36,11,56,112,241,160,41,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,142,6,0,0,0,0,82,250,234,238,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,228,35,0,0,0,0,0,0,104,254,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,127,0,0,0,0,0,0,0,94,254,254,162,8,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,101,0,0,0,0,0,0,16,198,174,110,225,217,0,0,0,0,0,0,0,0,0,0,0,0,0,48,250,18,0,0,0,0,0,1,153,242,62,0,6,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,104,0,0,0,0,0,128,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,148,227,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,64,0,50,85,137,206,252,253,189,210,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,247,232,245,252,242,205,126,21,5,135,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,136,205,199,190,110,42,0,0,0,22,237,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,7,0,0,0,0,0,0,85,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,66,119,57,22,101,247,242,127,127,128,127,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,252,252,252,253,252,252,252,252,253,205,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,95,147,147,209,252,190,42,42,42,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,189,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,217,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,146,188,255,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,145,209,253,253,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,151,251,253,253,253,249,253,253,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,226,171,97,139,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,247,253,226,73,41,121,195,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,219,253,233,54,65,194,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,253,253,253,253,249,205,244,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,248,167,167,107,21,222,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,237,170,46,20,0,0,0,114,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,174,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,238,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,241,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,184,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,224,161,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,250,254,254,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,208,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,247,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,238,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,254,195,80,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,167,40,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,210,98,195,247,255,239,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,188,5,0,117,255,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,254,254,169,144,224,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,253,255,254,254,255,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,124,221,227,124,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,253,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,235,253,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,200,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,239,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,244,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,249,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,150,254,255,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,194,240,254,233,230,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,244,254,234,83,20,49,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,225,253,217,68,4,0,0,49,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,254,181,34,0,0,0,0,130,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,190,30,0,0,0,0,0,213,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,248,53,0,0,0,0,0,18,243,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,38,0,0,0,0,0,9,196,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,189,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,246,212,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,240,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,243,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,192,231,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,236,240,17,0,0,0,0,0,0,2,39,54,134,134,134,84,0,0,0,0,0,0,0,0,0,0,0,132,254,129,0,0,0,3,11,102,153,199,254,254,252,223,140,36,0,0,0,0,0,0,0,0,0,0,0,215,238,26,15,75,163,214,254,254,242,186,159,91,55,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,251,226,231,254,243,220,141,59,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,254,184,137,62,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,67,3,0,0,0,0,122,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,159,254,23,0,0,0,0,198,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,103,0,0,0,0,198,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,197,35,0,0,0,0,198,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,246,250,103,0,0,0,0,0,198,248,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,221,254,157,0,0,0,0,0,0,198,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,110,0,0,0,0,0,0,198,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,208,2,0,0,49,36,128,106,196,254,249,168,217,78,9,0,0,0,0,0,0,0,0,0,0,89,245,254,229,123,189,217,248,240,254,254,254,254,254,254,254,240,37,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,254,254,254,254,255,254,254,254,254,254,254,218,72,0,0,0,0,0,0,0,0,0,0,227,254,254,254,200,188,98,95,25,36,0,139,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,84,28,63,5,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,213,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,217,253,252,252,252,238,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,253,252,226,175,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,181,252,253,252,132,144,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,206,20,79,191,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,252,252,252,20,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,182,181,232,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,253,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,109,191,255,253,253,253,255,253,175,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,242,252,231,232,252,252,252,253,252,180,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,148,46,47,108,108,108,170,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,253,222,41,0,0,0,0,0,0,125,222,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,252,179,0,0,0,0,0,0,0,0,181,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,158,0,0,0,0,0,0,16,78,232,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,180,0,0,0,0,16,109,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,252,242,114,155,218,217,222,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,252,252,252,253,252,252,252,237,174,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,148,252,252,253,128,108,108,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,253,192,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,242,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,253,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,175,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,253,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,242,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,108,190,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,88,88,28,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,254,247,139,92,92,53,9,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,187,158,130,158,221,247,254,254,254,191,179,179,179,179,103,7,0,0,0,0,0,0,0,0,0,0,0,254,79,0,0,0,0,32,71,137,153,153,170,237,237,252,254,16,0,0,0,0,0,0,0,0,0,0,0,254,140,0,0,0,0,0,0,0,0,0,0,0,5,231,248,15,0,0,0,0,0,0,0,0,0,0,0,246,162,0,0,0,0,0,0,0,0,0,0,0,103,254,179,0,0,0,0,0,0,0,0,0,0,0,0,236,162,0,0,0,0,0,0,0,0,0,0,25,238,254,67,0,0,0,0,0,0,0,0,0,0,0,0,255,162,0,0,0,0,0,0,0,0,0,0,158,254,245,18,0,0,0,0,0,0,0,0,0,0,0,0,254,174,0,0,0,0,0,0,0,0,0,8,226,254,85,10,38,118,202,204,0,0,0,0,0,0,0,0,254,190,0,0,0,119,103,126,126,126,83,112,254,254,213,220,254,228,212,103,0,0,0,0,0,0,0,0,125,39,0,0,0,0,56,226,254,254,254,254,254,254,242,208,129,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,121,121,144,254,254,117,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,223,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,124,165,234,255,226,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,125,152,242,221,180,103,103,203,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,236,204,148,64,13,0,0,0,90,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,38,0,0,0,0,0,0,0,13,247,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,231,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,223,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,217,144,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,221,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,247,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,170,249,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,250,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,207,19,0,0,0,0,0,0,0,0,74,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,39,0,0,0,0,0,0,0,32,250,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,39,0,0,0,0,0,0,0,88,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,41,239,254,39,0,0,0,0,0,0,0,164,254,247,68,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,174,5,0,0,0,0,0,0,15,197,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,162,0,0,0,0,0,0,0,40,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,162,0,0,0,0,0,0,0,81,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,90,251,254,162,0,0,0,0,0,0,0,170,254,247,75,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,186,66,66,103,197,197,197,197,235,254,249,81,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,254,254,254,254,254,254,254,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,89,251,254,254,254,211,202,202,202,202,202,237,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,208,161,78,14,0,0,0,0,0,147,254,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,252,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,173,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,96,158,202,255,231,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,222,244,205,122,33,21,117,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,162,253,210,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,213,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,243,250,183,101,14,0,0,0,0,0,0,0,0,0,7,3,0,0,0,0,0,0,0,0,0,0,0,0,44,161,254,254,214,87,71,0,0,0,0,0,0,4,178,19,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,102,148,218,252,245,150,24,0,0,23,223,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,61,138,210,230,131,47,170,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,142,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,202,216,232,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,195,17,168,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,201,195,16,2,182,218,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,248,48,0,50,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,249,148,0,0,133,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,228,23,0,38,229,188,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,167,0,4,178,248,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,48,35,225,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,136,220,254,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,175,93,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,30,133,133,226,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,25,105,253,253,253,253,253,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,89,203,254,253,253,253,227,245,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,242,253,253,254,253,206,84,24,113,253,253,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,254,207,28,0,0,56,242,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,47,239,253,144,143,253,251,78,0,0,0,0,171,253,253,132,0,0,0,0,0,0,0,0,0,0,0,17,183,253,172,196,226,253,202,0,0,0,0,0,86,253,253,132,0,0,0,0,0,0,0,0,0,0,14,128,253,191,92,216,156,249,122,0,0,0,0,0,86,253,253,86,0,0,0,0,0,0,0,0,0,0,89,253,227,45,8,15,0,23,12,0,0,0,0,0,86,253,253,11,0,0,0,0,0,0,0,0,0,12,203,253,134,0,0,0,0,0,0,0,0,0,0,0,143,253,201,6,0,0,0,0,0,0,0,0,0,146,254,252,69,0,0,0,0,0,0,0,0,0,0,39,232,254,82,0,0,0,0,0,0,0,0,0,0,145,253,135,0,0,0,0,0,0,0,0,0,0,0,85,253,253,24,0,0,0,0,0,0,0,0,0,8,212,253,84,0,0,0,0,0,0,0,0,0,0,9,202,253,175,9,0,0,0,0,0,0,0,0,0,13,253,229,28,0,0,0,0,0,0,0,0,0,0,142,253,237,29,0,0,0,0,0,0,0,0,0,0,13,253,217,0,0,0,0,0,0,0,0,0,9,84,233,236,128,0,0,0,0,0,0,0,0,0,0,0,106,253,217,0,0,0,0,0,0,0,0,42,156,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,133,253,246,109,0,0,0,0,37,86,149,233,253,253,106,12,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,247,160,183,98,201,233,253,254,253,239,133,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,253,253,253,253,145,132,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,87,155,224,190,132,132,132,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,130,225,255,255,255,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,217,253,253,253,253,253,253,253,102,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,253,253,249,204,111,111,111,220,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,151,82,0,0,0,0,36,220,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,253,211,31,0,0,0,0,0,0,94,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,229,32,0,0,0,0,0,0,0,94,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,134,0,0,0,0,0,0,0,0,94,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,93,0,0,0,0,0,0,0,0,118,253,181,6,0,0,0,0,0,0,0,0,0,0,0,0,0,61,238,75,0,0,0,0,0,0,0,62,243,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,181,216,0,0,0,0,0,0,0,178,253,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,52,0,0,0,0,0,0,95,243,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,243,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,243,253,143,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,178,243,228,166,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,189,253,228,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,244,253,229,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,188,253,253,151,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,198,253,234,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,192,253,160,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,102,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,254,253,234,152,52,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,253,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,163,223,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,71,232,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,253,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,252,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,214,253,254,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,234,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,52,10,0,0,0,0,0,0,72,233,255,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,212,203,122,102,102,102,142,253,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,203,243,255,253,255,253,255,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,151,232,253,171,151,70,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,182,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,235,234,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,177,254,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,254,187,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,132,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,191,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,255,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,250,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,239,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,180,253,255,232,138,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,162,219,252,252,252,253,252,252,219,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,253,252,252,227,183,131,183,234,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,203,139,45,29,0,0,0,142,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,252,200,11,0,0,0,0,0,0,70,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,146,0,0,0,0,0,0,0,5,191,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,0,0,0,0,0,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,252,192,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,253,253,253,253,181,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,249,206,206,206,227,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,63,0,0,0,32,222,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,136,21,0,0,0,0,0,0,0,0,0,0,24,252,221,25,0,0,0,0,0,0,0,0,0,0,0,81,253,201,11,0,0,0,0,0,0,0,0,11,202,253,173,0,0,0,0,0,0,0,0,0,0,0,0,99,244,252,203,140,47,47,26,22,0,13,47,193,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,253,252,252,252,221,216,184,203,252,252,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,161,219,252,252,252,253,252,252,252,252,150,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,22,117,137,201,178,137,137,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,241,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,100,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,252,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,252,191,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,217,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,192,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,217,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,254,254,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,179,168,254,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,249,254,150,7,5,114,219,238,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,254,254,65,0,0,0,117,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,210,254,254,155,10,0,0,0,33,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,195,11,0,0,0,0,33,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,205,254,254,78,0,0,0,0,0,33,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,160,12,0,0,0,0,0,67,255,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,235,35,0,0,0,0,0,0,164,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,254,142,0,0,0,0,0,0,56,229,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,238,32,0,0,0,0,0,0,170,254,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,162,0,0,0,0,0,0,0,170,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,248,254,162,0,0,0,0,0,7,125,225,233,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,162,0,0,0,0,7,141,255,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,162,0,0,0,16,142,254,255,153,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,254,215,144,144,144,229,254,254,222,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,241,254,254,254,254,255,250,153,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,191,235,254,254,153,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,102,173,173,173,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,41,100,155,181,236,247,238,169,210,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,5,68,152,206,254,246,228,147,87,36,0,0,140,227,10,0,0,0,0,0,0,0,0,0,0,0,68,198,207,248,221,173,116,39,0,0,0,0,0,0,150,188,0,0,0,0,0,0,0,0,0,0,0,6,180,213,200,80,0,0,0,0,0,0,0,0,0,9,228,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,221,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,255,255,255,255,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,128,64,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,74,231,217,254,223,156,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,162,226,253,245,136,135,165,198,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,128,48,0,0,0,40,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,250,116,2,0,0,0,0,40,253,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,135,254,233,0,0,0,0,0,0,24,230,254,226,60,0,0,0,0,0,0,0,0,0,0,0,0,19,141,254,255,76,0,0,0,0,0,0,0,121,255,163,18,0,0,0,0,0,0,0,0,0,0,0,0,161,238,253,151,6,0,0,0,0,0,0,0,68,254,253,152,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,0,0,0,0,0,0,0,0,0,31,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,86,253,237,0,0,0,0,0,0,0,0,0,45,201,253,78,0,0,0,0,0,0,0,0,0,0,0,0,153,253,155,0,0,0,0,0,0,0,0,0,0,231,253,78,0,0,0,0,0,0,0,0,0,0,0,0,176,254,155,0,0,0,0,0,0,0,0,0,0,179,254,78,0,0,0,0,0,0,0,0,0,0,0,0,175,253,155,0,0,0,0,0,0,0,0,0,0,216,253,78,0,0,0,0,0,0,0,0,0,0,0,0,175,253,155,0,0,0,0,0,0,0,0,0,31,254,253,78,0,0,0,0,0,0,0,0,0,0,0,16,235,253,208,0,0,0,0,0,0,0,0,0,150,254,242,36,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,38,0,0,0,0,0,0,0,31,239,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,158,0,0,0,0,0,0,0,62,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,12,146,253,245,125,14,0,0,0,0,37,228,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,78,223,253,229,101,175,68,0,79,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,49,213,213,244,70,107,240,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,231,118,155,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,139,191,138,138,138,24,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,203,253,252,252,252,252,253,236,129,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,252,202,183,183,190,252,252,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,245,87,13,0,0,5,45,196,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,73,0,0,0,0,0,22,215,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,212,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,151,253,252,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,209,252,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,207,240,252,252,253,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,252,252,252,253,252,246,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,255,253,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,206,174,92,92,92,92,175,206,248,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,157,250,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,3,45,222,253,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,102,47,47,170,252,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,253,252,252,252,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,194,252,253,252,252,218,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,137,189,106,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,126,137,137,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,120,81,19,75,15,120,143,184,254,255,254,246,236,0,0,0,0,0,0,0,0,0,0,0,0,13,23,219,254,254,254,226,232,254,254,254,254,244,229,62,0,0,0,0,0,0,0,0,0,0,0,0,0,144,170,254,239,254,254,254,254,254,244,223,174,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,254,227,48,181,217,156,180,93,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,248,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,187,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,178,156,0,0,40,57,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,230,245,127,187,174,209,158,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,80,104,147,186,50,17,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,130,238,151,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,82,255,255,252,169,231,206,107,81,29,143,45,80,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,88,208,254,254,254,232,222,250,242,254,139,161,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,12,91,54,10,8,73,12,12,73,12,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,255,253,253,172,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,242,253,252,252,252,226,145,47,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,249,216,240,252,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,252,253,228,0,56,113,204,243,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,199,0,0,0,0,58,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,243,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,190,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,242,253,234,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,185,252,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,252,252,238,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,227,253,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,217,217,126,97,200,249,252,253,252,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,252,252,252,252,252,248,132,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,35,160,252,252,194,200,189,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,161,195,195,132,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,191,247,254,254,254,254,231,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,217,254,180,92,56,95,213,253,180,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,217,78,0,0,0,0,236,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,248,204,23,0,0,0,0,0,236,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,103,0,0,0,0,0,6,237,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,31,0,0,0,0,0,76,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,241,254,234,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,254,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,38,84,132,227,230,254,254,211,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,52,189,254,254,254,254,254,254,254,243,122,38,1,0,0,0,0,0,0,0,0,0,0,0,0,0,23,241,254,254,254,197,254,254,254,195,178,220,254,254,151,11,0,0,0,0,0,0,0,0,0,0,0,2,143,254,254,189,22,84,254,254,148,4,0,11,96,113,113,17,0,0,0,0,0,0,0,0,0,0,3,132,254,254,120,14,130,230,254,193,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,233,254,254,116,151,251,254,187,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,254,254,254,254,226,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,254,254,234,204,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,177,254,254,169,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,118,160,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,34,6,48,169,245,254,253,253,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,224,214,254,253,227,189,115,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,250,234,116,20,0,16,254,242,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,254,116,0,0,0,0,84,253,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,210,7,0,0,0,0,115,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,243,74,0,0,0,0,0,148,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,110,0,0,0,0,0,10,221,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,212,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,239,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,216,202,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,69,150,253,255,199,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,182,253,253,253,253,204,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,246,177,54,10,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,253,173,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,247,253,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,251,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,253,236,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,242,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,22,0,0,0,0,0,34,59,145,243,249,241,76,6,0,0,0,0,0,0,0,0,0,0,0,129,253,253,20,0,0,0,39,152,241,253,253,253,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,100,253,253,33,0,2,126,245,253,241,205,119,34,76,129,253,249,50,0,0,0,0,0,0,0,0,0,0,27,247,253,124,0,123,253,252,154,44,0,0,0,0,21,253,253,93,0,0,0,0,0,0,0,0,0,0,0,193,253,230,197,250,240,101,0,0,0,0,0,0,30,253,253,86,0,0,0,0,0,0,0,0,0,0,0,104,236,253,253,253,88,0,0,0,0,0,9,100,212,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,230,131,115,115,115,193,222,253,253,215,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,253,253,253,253,253,236,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,179,253,253,253,253,253,194,149,95,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,233,193,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,247,204,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,186,248,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,228,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,249,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,162,0,0,0,0,0,0,54,205,217,185,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,124,0,0,0,0,0,167,245,235,236,253,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,136,0,0,0,0,33,228,63,0,6,169,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,221,27,0,0,0,92,124,0,0,0,0,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,158,24,0,0,7,7,0,0,0,0,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,254,213,82,8,0,0,0,0,3,102,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,232,253,210,199,174,109,154,203,253,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,118,201,253,254,253,253,181,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,157,241,254,254,255,202,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,203,108,166,249,198,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,253,163,8,0,0,190,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,253,36,0,0,0,210,253,150,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,233,23,0,0,0,61,227,196,207,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,173,0,0,0,0,0,0,135,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,108,0,0,0,0,0,21,230,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,153,0,0,0,0,0,95,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,241,77,19,51,135,199,245,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,253,253,253,253,254,233,207,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,190,254,222,148,66,0,128,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,18,10,0,0,0,179,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,245,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,194,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,83,156,241,185,129,83,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,188,188,254,254,254,254,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,95,15,2,8,19,95,102,211,244,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,189,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,163,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,246,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,85,184,155,50,15,168,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,84,207,254,254,254,248,213,254,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,133,233,254,254,228,78,70,239,254,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,229,254,254,230,96,8,5,149,254,254,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,177,254,249,125,56,0,0,88,254,254,215,250,222,28,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,250,89,0,0,0,77,245,254,217,35,98,231,43,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,185,0,0,3,78,245,254,188,13,0,0,6,18,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,158,9,59,160,255,254,159,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,254,254,254,254,254,159,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,221,203,168,91,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,96,96,255,253,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,190,221,251,251,253,251,251,251,251,191,170,16,0,0,0,0,0,0,0,0,0,0,0,0,0,112,205,253,251,251,251,251,253,251,251,251,251,253,251,188,16,0,0,0,0,0,0,0,0,0,0,0,112,248,251,253,251,251,251,251,253,251,251,251,251,253,251,251,185,24,0,0,0,0,0,0,0,0,0,20,205,251,251,253,251,251,251,251,253,251,251,251,251,253,251,251,251,94,0,0,0,0,0,0,0,0,36,214,253,253,253,255,253,205,19,0,0,0,80,182,253,255,253,253,129,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,251,220,51,12,0,0,0,84,251,253,251,156,8,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,251,251,251,173,0,16,127,236,251,205,126,63,0,0,0,0,0,0,0,0,0,0,12,197,251,251,251,253,251,251,251,251,223,225,251,235,188,19,0,0,0,0,0,0,0,0,0,0,0,0,0,71,173,211,193,253,251,251,251,251,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,230,253,253,253,255,253,253,213,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,197,251,251,251,253,251,251,251,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,251,251,219,126,253,251,251,251,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,253,251,219,42,0,114,251,251,251,251,182,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,231,47,0,0,36,212,251,251,251,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,48,234,253,255,63,0,0,0,0,32,253,253,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,111,248,251,253,205,111,32,32,32,60,251,251,251,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,251,251,251,253,251,251,251,251,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,228,253,251,251,251,251,253,251,251,196,188,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,251,251,251,251,153,231,94,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,186,162,112,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,253,253,254,253,243,197,139,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,46,46,71,137,213,246,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,247,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,24,191,245,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,101,209,254,253,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,254,254,152,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,194,253,254,210,206,240,254,165,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,46,46,4,0,34,129,251,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,25,0,0,0,0,0,87,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,88,0,0,0,0,0,170,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,205,0,0,0,0,102,254,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,237,70,0,81,203,254,255,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,206,243,253,253,254,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,96,238,254,253,253,253,247,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,186,253,211,160,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,157,208,215,163,137,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,206,222,253,254,249,190,113,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,75,5,16,36,95,191,176,253,195,102,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,141,86,0,0,0,0,0,21,150,248,247,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,218,13,0,0,0,0,0,0,52,99,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,254,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,222,122,199,199,141,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,253,253,253,254,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,255,254,254,248,117,137,254,241,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,253,254,253,212,68,0,5,165,253,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,253,254,212,31,0,0,0,47,248,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,235,235,36,0,0,0,0,0,217,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,217,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,5,0,0,0,0,0,218,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,198,28,0,0,0,12,225,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,115,222,86,0,0,113,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,249,134,135,249,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,201,253,254,253,253,111,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,152,152,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,163,243,253,252,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,255,253,203,203,203,243,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,192,111,0,0,0,40,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,244,81,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,203,0,0,0,0,0,0,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,102,20,0,0,0,0,0,21,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,0,0,0,21,102,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,123,0,0,0,0,0,0,21,152,193,244,162,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,171,0,0,0,0,0,0,102,203,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,255,50,0,21,52,92,132,253,255,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,212,203,223,253,252,253,252,192,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,255,253,255,253,234,213,203,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,151,151,91,50,30,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,138,244,118,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,194,252,207,236,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,136,0,65,234,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,176,4,0,0,90,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,160,0,0,0,38,232,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,98,0,0,0,0,145,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,17,0,0,0,0,34,238,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,70,70,44,0,0,0,70,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,233,252,252,236,155,85,17,188,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,178,137,232,252,251,182,252,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,103,0,43,231,255,253,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,214,26,47,193,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,221,252,252,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,169,252,252,252,210,109,219,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,22,22,22,12,0,88,162,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,121,25,0,0,13,121,121,184,253,253,253,253,253,253,253,107,0,0,0,0,0,0,0,0,0,0,46,231,252,242,240,240,241,252,252,253,252,252,252,252,252,252,170,6,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,162,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,252,252,252,253,252,222,172,172,172,151,15,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,209,185,115,53,53,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,205,252,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,246,252,252,252,243,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,205,252,252,252,247,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,248,252,252,252,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,252,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,203,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,202,253,247,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,67,46,0,0,0,0,0,133,253,252,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,231,151,54,17,34,61,221,253,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,252,198,223,252,252,253,252,188,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,248,252,252,252,252,252,252,253,241,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,249,252,252,252,252,252,247,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,252,181,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,214,253,193,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,252,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,244,122,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,172,152,152,152,71,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,163,183,183,20,0,82,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,102,0,0,0,0,82,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,204,0,0,0,11,213,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,243,40,0,82,213,252,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,213,214,253,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,141,216,216,91,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,185,185,85,215,252,253,196,196,252,253,215,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,253,252,252,252,178,9,10,128,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,255,247,225,125,0,0,0,51,255,253,216,16,0,0,0,0,0,0,0,0,0,0,0,0,95,225,252,252,247,177,0,0,0,0,0,26,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,252,100,76,0,0,0,0,0,113,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,213,253,252,252,102,0,0,0,0,0,0,0,113,253,252,252,28,0,0,0,0,0,0,0,0,0,0,98,253,254,253,194,13,0,0,0,0,0,0,0,226,254,253,253,28,0,0,0,0,0,0,0,0,0,38,234,252,253,214,19,0,0,0,0,0,0,0,0,225,253,252,233,22,0,0,0,0,0,0,0,0,0,144,252,252,253,158,0,0,0,0,0,0,0,0,67,246,253,252,168,0,0,0,0,0,0,0,0,0,76,243,252,252,178,9,0,0,0,0,0,0,0,0,134,252,253,227,43,0,0,0,0,0,0,0,0,0,141,253,253,253,114,0,0,0,0,0,0,0,0,70,253,253,254,184,0,0,0,0,0,0,0,0,0,0,141,252,252,252,88,0,0,0,0,0,0,0,120,225,252,252,247,65,0,0,0,0,0,0,0,0,0,0,141,252,252,252,0,0,0,0,0,0,0,126,253,252,252,252,100,0,0,0,0,0,0,0,0,0,0,0,91,252,252,252,101,0,0,0,0,26,150,249,253,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,26,244,253,253,192,116,66,141,204,253,253,253,254,247,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,82,215,252,253,252,252,252,253,252,252,252,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,252,252,252,253,252,252,177,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,91,165,252,252,241,139,52,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,255,253,253,253,147,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,121,240,252,253,252,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,192,244,252,252,252,253,212,158,188,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,243,172,102,39,23,0,81,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,238,164,47,0,0,0,0,25,196,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,198,0,0,0,0,0,0,94,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,235,82,15,0,0,0,0,185,252,241,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,219,252,252,193,82,0,0,82,243,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,204,241,252,246,146,147,247,252,205,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,203,252,252,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,255,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,246,253,252,252,206,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,253,212,89,237,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,104,0,213,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,230,252,221,9,110,244,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,252,133,51,232,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,216,248,252,197,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,252,178,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,247,112,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,119,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,64,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,191,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,178,253,255,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,151,178,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,99,6,53,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,227,31,0,29,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,239,38,0,13,204,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,150,0,0,113,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,76,0,67,210,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,13,113,222,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,254,253,253,253,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,252,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,168,253,252,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,253,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,134,217,254,254,238,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,35,214,250,253,254,253,253,253,253,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,253,253,254,186,144,93,174,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,240,161,41,19,3,0,0,0,238,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,40,0,0,0,0,0,0,0,81,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,135,135,135,98,38,239,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,156,224,254,254,255,254,254,254,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,239,253,253,250,195,136,182,253,253,253,254,175,36,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,254,253,228,73,0,0,88,253,253,253,116,78,24,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,227,43,0,0,100,228,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,253,231,46,0,0,114,254,253,253,147,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,173,0,0,123,254,255,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,207,20,28,185,250,253,254,191,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,223,156,253,253,253,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,253,253,231,138,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,254,253,185,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,58,150,157,254,255,254,214,150,73,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,216,253,253,253,253,253,253,253,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,249,253,253,253,236,217,130,114,114,179,253,252,70,0,0,17,14,0,0,0,0,0,0,0,0,0,20,220,253,253,211,99,36,0,0,0,0,11,103,116,19,0,23,202,211,34,0,0,0,0,0,0,0,0,0,197,253,253,134,0,0,0,0,0,0,0,0,0,0,0,79,253,253,46,0,0,0,0,0,0,0,0,0,126,253,253,246,84,0,0,0,0,0,0,0,0,0,117,229,253,253,46,0,0,0,0,0,0,0,0,0,12,232,253,253,245,168,12,0,0,0,0,0,28,194,250,253,242,111,6,0,0,0,0,0,0,0,0,0,0,13,184,253,253,253,232,122,25,0,36,99,248,253,253,237,63,0,0,0,0,0,0,0,0,0,0,0,0,0,14,105,250,253,253,253,229,213,236,253,253,252,197,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,192,253,253,253,253,253,253,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,253,253,253,253,253,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,237,253,253,228,228,253,253,253,218,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,235,253,232,121,24,24,178,253,253,253,223,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,253,226,11,0,0,0,3,94,233,253,253,250,89,0,0,0,0,0,0,0,0,0,0,0,0,12,207,253,231,51,0,0,0,0,0,0,39,202,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,129,0,0,0,0,0,0,0,0,18,222,253,243,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,196,171,104,67,0,0,0,0,64,68,201,253,243,0,0,0,0,0,0,0,0,0,0,0,0,6,188,253,253,253,253,253,218,218,218,218,251,253,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,123,196,210,253,253,253,253,253,253,253,253,238,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,48,149,190,253,253,253,221,99,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,47,47,54,176,255,191,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,216,253,253,253,253,213,160,196,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,249,253,253,228,211,46,6,0,45,233,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,253,253,200,21,0,0,0,0,0,173,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,245,69,0,0,0,0,0,0,199,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,170,0,0,0,0,0,0,69,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,170,0,0,0,0,0,0,99,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,245,128,0,0,0,0,0,0,125,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,248,60,3,0,0,0,50,173,245,253,253,211,213,120,38,0,0,0,0,0,0,0,0,0,0,0,38,242,253,253,203,127,59,156,238,253,253,228,98,18,172,248,200,50,0,0,0,0,0,0,0,0,0,0,0,79,250,253,253,253,253,253,253,233,155,88,0,0,0,55,181,247,37,0,0,0,0,0,0,0,0,0,0,0,5,81,242,253,251,212,128,84,0,0,0,0,0,0,2,219,227,27,0,0,0,0,0,0,0,0,0,0,0,100,249,253,124,0,0,0,0,0,0,0,0,0,0,218,253,83,0,0,0,0,0,0,0,0,0,0,0,187,253,215,15,0,0,0,0,0,0,0,0,0,0,66,253,205,0,0,0,0,0,0,0,0,0,0,0,187,253,181,0,0,0,0,0,0,0,0,0,0,0,43,253,253,0,0,0,0,0,0,0,0,0,0,0,187,253,216,24,0,0,0,0,0,0,0,0,0,42,225,253,202,0,0,0,0,0,0,0,0,0,0,0,95,248,253,215,104,67,0,0,0,0,64,100,171,227,253,238,68,0,0,0,0,0,0,0,0,0,0,0,0,139,250,253,253,253,218,218,218,218,251,253,253,251,192,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,141,196,197,253,253,253,253,253,212,145,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,46,87,132,46,46,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,152,233,214,253,234,152,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,213,252,253,252,253,252,253,252,253,212,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,253,254,233,234,233,244,223,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,252,50,30,30,30,40,20,253,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,151,0,0,0,0,0,0,82,243,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,253,192,0,0,0,0,0,0,0,203,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,193,233,254,253,82,0,0,0,11,51,51,213,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,30,112,253,252,243,162,0,41,213,252,253,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,254,253,254,253,254,253,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,172,252,253,252,253,252,253,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,233,203,203,102,61,254,253,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,233,50,0,0,0,0,172,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,152,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,152,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,71,0,0,0,0,152,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,232,253,232,41,0,0,0,152,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,234,71,52,31,173,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,252,253,252,253,232,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,244,243,254,253,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,81,172,171,112,70,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,139,223,254,212,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,192,251,252,216,251,254,232,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,77,125,163,239,252,195,75,63,250,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,254,98,0,70,226,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,231,67,0,22,222,254,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,165,24,0,5,159,253,207,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,68,0,32,164,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,125,38,224,254,140,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,245,235,254,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,254,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,255,231,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,231,254,161,122,206,254,249,188,70,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,215,6,0,21,116,235,254,254,132,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,248,53,0,0,0,0,13,126,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,248,254,95,0,0,0,0,0,0,5,207,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,232,26,0,0,0,0,0,0,8,238,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,206,0,0,0,0,0,0,13,127,254,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,206,0,0,0,0,22,82,201,251,169,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,244,247,175,123,143,217,230,254,225,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,152,166,254,254,254,218,135,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,187,187,104,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,254,245,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,214,247,254,254,233,208,209,125,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,221,254,254,254,254,254,247,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,93,93,152,223,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,223,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,254,254,207,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,154,254,254,229,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,189,254,254,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,254,254,190,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,170,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,246,254,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,119,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,231,255,228,0,0,28,80,80,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,226,0,0,88,253,253,197,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,226,0,0,88,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,226,0,0,88,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,226,0,0,12,178,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,236,253,226,0,0,43,208,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,247,128,27,106,253,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,253,253,253,253,222,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,248,253,253,253,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,235,253,253,253,253,253,253,253,167,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,195,87,248,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,8,8,5,0,197,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,159,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,239,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,170,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,237,210,115,40,0,0,5,47,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,97,159,146,21,0,0,0,0,108,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,179,13,0,0,0,0,0,0,17,224,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,127,0,0,0,0,0,0,0,231,228,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,104,0,0,0,0,0,0,0,230,245,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,188,4,0,0,0,0,0,0,74,249,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,59,0,0,0,0,0,0,34,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,26,0,0,0,0,0,41,229,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,193,17,0,0,0,9,69,240,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,114,82,116,134,176,111,240,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,128,50,0,57,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,211,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,240,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,255,181,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,245,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,64,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,102,2,125,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,177,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,243,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,216,193,175,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,157,239,250,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,242,204,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,247,186,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,45,45,106,106,133,193,193,248,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,130,242,254,247,181,157,215,245,245,166,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,124,79,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,102,178,254,130,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,171,253,253,253,255,200,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,205,87,92,44,211,253,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,26,0,0,0,21,204,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,253,22,0,0,0,0,23,225,246,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,22,0,0,0,0,0,124,253,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,167,2,0,0,0,0,0,9,191,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,55,0,0,0,0,0,0,0,114,253,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,55,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,55,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,55,0,0,0,0,0,0,0,0,167,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,84,0,0,0,0,0,0,0,0,166,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,165,0,0,0,0,0,0,0,9,200,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,246,250,21,0,0,0,0,0,0,13,215,246,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,118,0,0,0,0,0,0,47,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,246,35,0,0,0,0,35,223,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,222,253,221,37,0,0,3,154,253,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,223,59,45,147,253,250,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,223,253,253,254,253,223,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,253,254,176,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,224,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,50,0,0,0,41,123,122,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,71,0,21,132,253,254,253,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,192,62,203,253,252,253,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,253,254,233,113,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,253,252,253,151,233,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,255,253,255,253,255,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,151,232,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,213,142,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,212,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,64,255,255,191,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,128,255,191,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,64,255,255,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,255,255,191,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,255,255,128,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,128,255,255,255,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,108,174,210,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,172,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,254,254,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,25,76,254,248,229,128,229,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,170,254,254,205,99,73,0,0,212,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,248,192,27,0,0,0,131,239,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,72,0,0,0,12,81,238,254,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,141,135,254,254,237,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,254,135,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,238,254,254,233,144,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,156,240,254,254,202,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,216,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,241,254,186,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,17,218,218,218,74,0,0,0,0,0,0,88,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,87,0,0,0,0,0,0,136,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,2,159,255,254,217,34,0,0,0,0,126,251,254,213,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,108,254,254,218,113,113,83,186,251,254,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,153,254,254,254,254,251,252,217,94,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,88,215,254,254,254,218,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,164,146,190,190,146,111,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,31,127,215,253,245,222,126,126,127,161,249,232,100,9,0,0,0,0,0,0,0,0,0,0,0,0,11,171,252,252,199,128,56,0,0,0,0,0,92,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,130,252,244,121,7,0,0,0,0,0,0,0,22,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,18,106,53,0,0,0,0,0,0,0,0,0,22,253,253,157,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,227,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,253,225,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,85,183,252,252,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,39,162,232,246,252,253,252,252,252,191,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,6,134,239,253,252,252,252,252,253,252,194,189,215,253,224,111,0,0,0,0,0,0,0,0,0,0,0,71,215,252,252,253,252,252,252,252,236,112,4,0,18,104,226,249,185,18,0,0,0,0,0,0,0,0,87,227,253,253,253,255,253,253,253,174,0,0,0,0,0,0,0,110,253,209,0,0,0,0,0,0,0,0,227,252,252,252,252,253,252,245,141,11,0,0,0,0,0,0,0,6,154,173,0,0,0,0,0,0,0,0,144,238,252,252,252,232,152,72,0,0,0,0,0,0,0,0,0,0,6,12,0,0,0,0,0,0,0,0,0,28,84,84,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,184,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,212,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,221,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,221,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,224,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,241,252,209,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,192,254,253,200,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,187,252,252,253,252,252,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,169,252,252,235,144,247,252,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,247,162,14,29,232,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,173,47,0,45,219,252,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,114,236,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,186,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,238,99,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,170,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,252,235,194,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,176,211,237,253,147,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,231,252,237,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,179,245,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,236,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,7,0,36,86,164,195,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,233,239,234,232,241,253,252,252,238,187,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,252,252,252,252,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,165,217,147,147,147,147,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,128,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,64,128,128,128,128,191,255,64,0,0,0,0,0,0,0,0,0,0,191,255,255,191,128,0,128,128,128,128,255,255,255,255,128,128,128,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,191,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,159,192,219,175,128,63,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,251,254,254,254,254,254,254,235,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,254,254,254,254,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,254,143,101,64,64,119,244,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,254,254,243,65,0,0,0,0,117,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,235,52,0,0,0,0,0,15,254,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,189,201,47,0,0,0,0,0,0,12,238,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,189,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,142,117,120,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,210,254,254,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,200,254,241,252,254,254,254,200,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,254,238,252,254,254,254,254,240,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,242,254,254,254,254,254,254,233,185,254,254,158,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,157,177,254,254,254,232,84,13,101,209,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,213,253,254,219,171,69,0,0,0,130,254,230,40,5,0,0,0,0,0,0,0,0,0,0,0,0,251,254,254,254,173,0,0,0,0,0,0,54,223,254,254,221,0,0,0,0,0,0,0,0,0,0,0,0,251,254,254,254,212,0,0,0,0,0,0,0,45,221,133,25,0,0,0,0,0,0,0,0,0,0,0,0,141,209,158,102,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,63,155,238,254,255,254,225,158,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,254,254,240,225,225,225,225,241,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,222,70,37,0,0,0,0,53,235,235,187,42,0,0,0,0,0,0,0,0,0,0,0,0,0,56,249,230,3,0,0,0,0,0,0,10,213,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,103,0,0,0,0,0,0,0,23,211,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,92,234,25,0,0,0,0,0,0,0,0,10,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,92,230,23,0,0,0,0,0,0,0,0,87,254,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,126,0,0,0,0,0,0,0,20,225,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,237,54,0,0,0,0,0,0,106,254,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,249,184,144,114,49,91,209,253,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,117,199,251,254,254,247,210,246,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,81,81,46,0,235,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,236,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,237,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,128,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,191,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,64,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,128,191,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,105,249,255,253,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,254,239,254,247,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,254,254,212,169,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,254,237,70,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,254,254,237,73,156,238,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,126,112,199,229,183,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,237,254,194,7,0,1,15,11,199,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,56,0,0,0,0,0,116,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,254,24,0,0,0,0,0,36,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,194,0,0,0,0,0,0,0,203,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,254,115,0,0,0,1,70,15,0,124,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,115,0,0,0,9,254,229,0,63,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,151,0,0,0,2,123,229,0,42,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,224,12,0,0,0,17,249,86,42,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,254,40,0,0,0,17,254,181,42,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,254,214,9,0,0,17,254,221,42,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,254,157,2,0,17,254,229,123,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,224,254,254,254,254,132,0,17,254,254,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,254,254,254,191,196,254,254,254,206,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,246,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,246,253,133,0,8,61,148,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,254,249,229,47,0,30,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,254,193,0,0,0,16,197,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,246,253,118,22,0,0,0,0,16,241,248,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,249,248,134,0,0,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,253,128,0,0,0,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,27,198,253,168,38,0,0,0,0,0,0,0,0,239,253,200,0,0,0,0,0,0,0,0,0,0,0,0,102,253,149,4,0,0,0,0,0,0,0,0,0,239,253,104,0,0,0,0,0,0,0,0,0,0,0,72,241,235,49,0,0,0,0,0,0,0,0,0,0,239,226,43,0,0,0,0,0,0,0,0,0,0,16,254,223,44,0,0,0,0,0,0,0,0,0,0,56,247,209,0,0,0,0,0,0,0,0,0,0,0,139,253,142,0,0,0,0,0,0,0,0,0,0,61,233,253,85,0,0,0,0,0,0,0,0,0,0,48,222,175,10,0,0,0,0,0,0,0,0,0,14,184,253,186,21,0,0,0,0,0,0,0,0,0,0,209,246,71,0,0,0,0,0,0,0,0,0,57,238,253,253,14,0,0,0,0,0,0,0,0,0,0,94,248,194,0,0,0,0,0,0,0,76,111,224,238,253,200,99,2,0,0,0,0,0,0,0,0,0,0,106,253,107,0,0,22,30,31,145,179,255,253,253,239,91,22,0,0,0,0,0,0,0,0,0,0,0,0,184,253,246,134,134,219,253,253,253,253,254,253,245,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,253,253,253,253,253,253,217,128,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,193,253,253,240,240,229,208,94,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,104,104,73,74,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,70,92,153,164,254,254,254,254,255,180,97,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,254,254,254,254,254,254,254,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,238,254,254,214,133,67,142,162,162,127,162,105,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,47,64,46,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,230,150,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,235,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,242,254,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,135,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,254,254,247,240,220,137,49,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,254,254,243,249,239,251,254,154,69,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,116,83,20,54,0,68,118,135,239,229,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,193,250,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,199,248,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,139,11,0,0,0,0,0,0,190,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,213,105,21,0,0,10,130,249,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,218,254,254,247,163,163,237,254,254,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,156,252,254,254,254,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,141,157,212,175,157,141,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,128,141,216,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,95,169,120,187,252,252,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,198,234,252,252,253,252,214,214,253,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,214,139,128,78,15,66,253,227,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,114,88,0,0,0,0,0,176,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,123,147,147,234,252,252,198,197,197,147,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,253,252,252,252,253,252,252,202,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,225,225,225,242,253,244,125,114,113,113,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,224,206,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,214,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,101,101,213,255,160,240,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,208,253,253,253,253,253,253,227,200,200,130,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,115,107,107,107,209,253,253,253,253,162,53,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,253,118,1,0,0,0,5,82,242,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,115,0,0,0,0,4,115,246,253,253,182,59,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,190,93,0,0,0,108,253,253,244,177,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,248,127,85,226,249,253,135,14,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,239,253,253,253,253,253,162,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,253,253,253,193,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,243,253,253,253,253,253,191,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,241,89,186,253,253,248,108,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,162,63,0,12,129,239,253,253,142,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,230,50,0,0,0,0,69,188,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,233,253,159,0,0,0,0,0,0,6,161,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,14,0,0,0,0,0,0,0,116,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,52,0,0,0,0,0,0,4,149,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,210,253,171,8,8,1,0,0,50,167,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,253,121,109,109,236,253,253,227,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,129,250,253,253,253,253,253,253,253,228,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,99,99,240,253,253,253,149,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,227,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,210,253,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,222,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,233,160,119,255,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,90,3,3,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,228,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,30,84,205,253,204,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,155,253,253,254,242,132,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,247,187,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,186,102,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,92,10,0,0,0,0,0,0,0,0,0,0,31,193,123,0,0,0,0,0,0,0,0,0,0,0,0,20,253,172,0,0,0,0,0,0,0,0,0,0,132,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,92,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,41,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,152,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,152,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,254,253,214,10,0,0,0,0,0,0,0,0,152,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,131,0,0,0,0,0,0,21,102,193,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,253,234,152,152,152,214,253,254,253,254,253,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,253,252,253,252,253,252,253,212,213,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,234,253,224,203,183,102,82,0,51,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,20,0,0,0,0,0,51,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,232,151,0,0,0,0,0,3,42,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,135,15,0,0,0,0,0,119,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,48,0,0,0,0,0,0,169,253,191,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,253,48,0,0,0,0,0,0,169,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,116,253,134,0,0,0,0,0,27,230,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,233,62,0,0,4,85,202,253,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,253,235,206,148,209,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,253,253,253,254,198,217,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,24,133,29,24,21,199,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,132,190,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,80,207,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,62,214,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,253,253,253,221,148,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,195,253,253,253,201,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,213,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,253,52,0,77,106,106,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,163,40,184,234,253,253,234,184,26,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,130,202,253,253,253,253,253,253,253,167,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,130,202,253,253,253,253,253,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,164,160,212,253,253,253,253,253,253,253,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,253,52,44,212,253,253,253,253,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,253,233,155,71,60,25,25,159,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,211,131,96,149,253,253,253,198,32,0,0,0,0,0,0,0,0,0,0,0,0,11,139,248,253,253,253,253,253,253,241,235,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,253,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,60,200,242,253,253,253,253,253,253,253,253,165,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,156,156,220,186,253,253,253,239,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,24,181,95,78,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,255,163,150,150,129,47,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,239,253,253,253,253,253,253,253,198,197,62,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,115,253,253,170,114,114,114,134,217,238,253,250,251,150,46,0,0,0,0,0,0,0,0,0,0,0,35,239,253,253,253,234,138,29,0,0,0,39,145,215,253,253,208,61,0,0,0,0,0,0,0,0,0,0,47,253,253,243,232,253,253,183,0,0,0,0,0,24,124,230,253,193,10,0,0,0,0,0,0,0,0,0,47,253,228,46,14,149,245,191,0,0,0,0,0,0,0,47,230,253,123,0,0,0,0,0,0,0,0,0,47,253,249,59,0,0,27,66,0,0,0,0,0,0,0,0,171,253,196,0,0,0,0,0,0,0,0,0,17,217,253,134,0,0,0,0,0,0,0,0,0,0,0,0,171,253,196,0,0,0,0,0,0,0,0,0,0,152,253,172,1,0,0,0,0,0,0,0,0,0,0,0,171,253,196,0,0,0,0,0,0,0,0,0,0,94,253,253,20,0,0,0,0,0,0,0,0,0,0,0,171,253,175,0,0,0,0,0,0,0,0,0,0,58,250,253,143,0,0,0,0,0,0,0,0,0,0,17,237,249,57,0,0,0,0,0,0,0,0,0,0,0,126,253,253,76,0,0,0,0,0,0,0,0,0,140,253,141,0,0,0,0,0,0,0,0,0,0,0,0,24,230,253,155,0,0,0,0,0,0,0,0,28,237,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,249,84,0,0,0,0,0,0,0,133,253,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,213,27,0,0,0,0,0,10,204,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,253,211,29,0,0,0,0,83,253,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,216,27,0,0,24,209,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,253,253,232,218,218,230,253,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,174,253,253,253,253,253,246,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,48,171,253,253,217,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,253,253,253,170,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,252,252,252,252,253,180,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,241,221,252,253,252,241,98,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,179,16,108,253,252,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,118,0,0,0,154,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,56,97,35,5,0,0,0,10,56,221,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,110,109,109,191,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,197,222,252,253,252,252,252,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,253,252,252,252,253,252,241,98,21,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,252,252,148,190,253,252,252,252,253,252,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,211,212,253,255,253,175,62,145,176,253,253,255,211,31,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,252,252,222,138,10,0,0,10,56,221,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,41,133,215,215,132,41,0,0,0,0,0,0,125,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,41,141,141,241,255,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,57,144,243,253,252,252,252,253,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,178,252,252,252,253,252,252,252,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,252,252,253,227,139,139,140,139,228,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,255,234,137,13,0,0,0,0,4,79,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,28,234,253,84,0,0,0,0,0,51,128,252,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,190,85,85,85,85,134,234,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,252,252,252,253,252,252,252,253,252,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,176,200,223,253,251,225,187,113,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,84,125,0,0,0,104,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,175,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,224,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,180,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,242,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,243,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,243,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,230,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,251,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,101,0,0,0,0,0,62,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,174,0,0,0,0,7,183,253,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,186,247,121,0,0,0,0,79,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,181,254,218,0,0,0,0,4,180,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,254,150,195,195,195,196,199,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,246,254,255,254,254,254,231,209,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,241,150,68,39,24,59,253,247,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,167,137,30,0,0,0,0,89,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,213,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,38,38,38,91,132,132,77,38,108,132,132,94,38,3,0,13,2,0,0,0,0,0,0,0,0,0,0,178,254,254,254,254,254,254,254,254,254,254,254,254,254,202,156,189,155,0,0,0,0,0,0,0,0,0,0,163,254,223,116,85,127,178,178,143,143,85,85,85,85,136,212,254,197,0,0,0,0,0,0,0,0,0,0,5,68,32,0,0,0,0,0,0,0,0,0,0,0,0,114,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,194,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,255,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,248,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,230,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,241,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,77,15,0,0,0,0,0,0,0,0,146,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,184,0,0,0,0,0,0,0,13,233,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,188,0,0,0,0,0,0,0,128,254,246,3,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,254,82,0,0,0,0,0,0,0,211,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,250,46,0,0,0,0,0,0,46,252,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,14,235,254,137,0,0,0,0,0,0,0,155,254,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,77,0,0,0,46,62,62,97,239,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,254,237,97,164,228,240,251,254,254,254,254,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,254,254,254,218,216,174,181,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,229,254,201,120,114,50,3,0,0,112,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,2,0,0,0,0,0,0,195,254,138,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,243,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,255,203,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,182,158,168,218,147,147,61,39,111,44,5,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,254,254,254,254,254,254,254,228,192,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,250,249,249,249,250,251,253,254,254,228,102,0,0,0,0,0,0,0,0,0,0,0,0,90,103,103,103,103,24,0,0,0,9,35,141,254,254,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,229,254,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,235,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,198,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,222,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,249,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,153,254,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,254,190,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,236,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,251,254,254,254,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,255,254,254,214,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,242,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,98,254,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,118,132,254,254,254,255,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,97,97,97,214,253,253,253,253,253,253,253,253,252,234,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,253,239,177,177,177,177,58,59,213,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,229,198,87,50,0,0,0,0,18,178,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,5,82,46,0,0,0,0,0,0,33,106,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,14,18,151,248,253,253,221,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,154,253,253,253,253,253,150,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,253,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,164,173,253,253,253,245,119,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,47,47,243,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,203,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,215,253,232,0,0,0,0,0,0,0,0,0,146,220,179,83,83,83,83,83,9,0,0,0,0,0,0,128,253,253,187,0,0,0,0,0,0,0,0,0,221,253,253,253,253,253,253,253,205,162,89,110,63,63,119,246,253,243,72,0,0,0,0,0,0,0,0,0,35,75,190,243,253,253,253,253,253,253,253,253,253,253,253,253,243,103,0,0,0,0,0,0,0,0,0,0,0,0,0,73,96,96,166,232,232,232,236,240,232,243,245,187,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,41,0,57,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,150,234,254,255,202,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,239,253,253,214,199,229,250,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,254,253,208,55,11,0,21,164,250,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,254,164,8,0,0,0,0,8,126,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,254,92,0,0,0,0,0,0,0,6,106,137,5,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,7,0,0,0,0,0,0,0,71,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,14,0,0,0,0,0,0,0,109,253,243,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,134,2,0,0,0,0,0,0,116,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,254,115,0,0,0,0,0,59,238,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,255,254,254,182,163,163,163,241,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,122,198,241,253,254,241,153,170,253,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,36,36,28,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,234,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,149,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,141,195,212,179,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,193,247,220,195,230,254,254,210,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,225,60,0,0,12,71,163,246,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,115,0,0,0,0,0,0,42,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,41,0,0,0,0,60,148,223,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,235,0,0,0,0,0,133,254,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,247,65,0,0,0,99,247,174,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,241,19,9,151,232,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,193,194,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,212,254,254,252,112,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,213,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,249,231,254,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,245,86,44,247,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,122,0,0,197,254,153,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,230,7,0,0,49,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,251,70,0,0,0,49,254,255,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,231,2,0,0,0,49,254,194,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,189,71,63,0,136,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,250,254,255,252,226,247,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,158,251,247,158,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,199,255,243,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,241,254,227,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,240,64,127,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,172,254,101,0,126,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,223,14,0,176,233,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,202,0,90,250,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,220,249,137,186,245,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,230,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,236,254,152,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,246,113,220,248,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,238,136,0,79,247,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,81,0,0,138,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,231,19,0,0,80,248,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,219,12,0,0,0,203,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,166,0,0,0,0,203,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,116,0,0,0,48,223,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,196,19,8,52,200,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,174,254,239,242,254,254,200,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,145,254,254,240,127,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,56,8,0,0,0,0,0,0,0,0,0,0,0,0,99,172,46,0,0,0,0,0,0,0,0,0,0,125,253,137,8,0,0,0,0,0,0,0,0,0,0,0,254,253,223,44,0,0,0,0,0,0,0,0,0,125,253,253,136,0,0,0,0,0,0,0,0,0,0,0,124,172,253,198,0,0,0,0,0,0,0,0,0,61,247,253,191,0,0,0,0,0,0,0,0,0,0,0,0,97,253,252,139,0,0,0,0,0,0,0,0,0,107,253,252,132,0,0,0,0,0,0,0,0,0,0,0,97,253,253,231,37,0,0,0,0,0,0,0,0,67,241,253,249,86,0,0,0,0,0,0,0,0,0,0,18,221,253,253,139,0,0,0,0,0,0,0,0,0,220,253,253,96,0,0,0,0,0,0,0,0,0,0,0,187,253,253,242,24,0,0,0,0,0,0,0,0,220,253,253,96,0,0,0,0,0,0,0,0,0,0,0,68,247,253,253,208,31,3,0,0,0,0,14,28,224,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,253,155,144,144,144,144,197,253,253,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,29,146,253,253,253,253,253,253,253,253,253,253,253,253,253,243,57,0,0,0,0,0,0,0,0,0,0,0,0,2,95,203,253,253,253,253,253,253,253,211,150,231,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,34,156,170,231,199,93,34,20,0,81,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,19,0,0,0,0,14,54,54,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,24,97,170,253,253,255,253,253,253,253,139,50,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,244,253,252,218,227,206,253,252,218,244,252,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,221,69,69,19,32,0,69,69,19,56,69,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,44,236,96,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,61,12,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,240,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,177,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,189,4,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,92,161,188,108,92,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,142,189,252,254,254,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,243,230,172,134,65,38,126,247,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,86,0,0,0,0,0,0,178,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,223,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,233,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,213,8,0,0,0,0,0,0,0,0,0,6,0,0,0,0,0,0,0,0,0,0,0,0,0,27,248,254,77,0,0,0,0,0,0,0,0,0,82,204,0,0,0,0,0,0,0,0,0,0,0,0,14,215,254,167,6,0,0,0,0,0,0,40,82,202,247,102,0,0,0,0,0,0,0,0,0,0,0,3,142,254,229,25,0,0,5,10,27,110,202,250,254,183,93,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,112,73,104,169,206,254,254,254,234,182,106,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,255,254,254,254,254,254,223,216,127,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,253,250,242,153,63,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,91,91,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,204,253,253,253,141,141,104,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,253,252,252,215,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,168,168,168,168,216,252,252,252,247,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,228,252,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,29,29,104,141,141,141,141,229,253,254,253,165,91,29,22,0,0,0,0,0,0,0,0,0,0,0,13,209,252,253,252,252,252,253,252,252,252,253,252,252,252,253,234,113,0,0,0,0,0,0,0,0,0,0,144,252,252,253,252,186,205,253,252,252,252,253,252,252,252,244,168,62,0,0,0,0,0,0,0,0,0,26,243,252,252,178,28,6,113,253,252,252,202,78,28,28,28,25,0,0,0,0,0,0,0,0,0,0,0,16,216,253,253,29,104,178,253,254,253,244,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,253,252,252,252,253,214,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,253,252,252,214,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,139,139,190,139,52,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,142,189,255,254,254,254,211,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,194,252,254,254,248,225,225,230,254,244,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,244,254,200,155,67,54,0,0,12,146,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,201,5,0,0,0,0,0,0,1,169,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,215,116,0,0,0,0,0,0,0,18,241,235,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,237,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,201,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,169,254,156,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,132,254,215,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,215,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,248,211,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,245,219,28,0,0,0,0,0,0,8,36,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,251,213,59,0,0,0,13,73,135,168,234,234,89,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,246,82,27,57,134,200,234,254,228,164,82,17,0,0,0,0,0,0,0,0,0,0,0,0,0,64,231,254,149,144,237,254,253,249,159,113,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,254,254,254,254,232,168,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,254,254,229,163,81,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,195,76,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,67,67,67,178,233,136,255,254,177,67,67,67,20,0,0,0,0,0,0,0,0,0,0,0,0,0,104,168,253,253,253,253,253,253,253,253,253,253,253,253,167,103,0,0,0,0,0,0,0,0,0,0,52,198,241,253,253,253,253,253,253,253,253,253,253,253,253,253,253,240,103,0,0,0,0,0,0,0,0,0,67,253,253,253,253,191,177,177,177,205,253,253,253,253,253,253,253,253,130,0,0,0,0,0,0,0,0,0,67,253,253,210,112,20,0,0,0,42,112,112,112,206,253,253,253,253,130,0,0,0,0,0,0,0,0,0,12,46,46,32,0,0,0,0,0,0,0,3,19,176,253,253,253,248,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,151,242,253,253,253,253,145,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,50,230,253,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,253,253,253,253,140,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,253,253,253,253,253,232,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,188,215,215,215,215,215,250,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,48,174,251,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,114,114,238,253,253,253,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,54,179,179,179,179,187,253,253,253,253,253,253,253,253,212,38,0,0,0,0,0,0,0,0,0,0,0,10,247,253,253,253,253,253,253,253,253,253,253,242,196,63,6,0,0,0,0,0,0,0,0,0,0,0,0,5,166,253,253,253,253,253,253,253,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,65,65,65,176,253,253,133,65,65,65,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,125,125,125,209,175,125,125,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,138,249,249,250,254,255,254,254,242,145,254,252,181,0,0,0,0,0,0,0,0,0,52,112,233,192,226,249,252,254,168,143,117,80,12,12,11,1,25,254,254,0,0,0,0,0,0,0,0,170,245,254,254,254,254,165,149,45,5,0,0,0,0,0,0,9,180,254,200,0,0,0,0,0,0,0,0,205,254,254,254,166,42,4,0,0,0,0,0,0,0,0,0,71,254,249,13,0,0,0,0,0,0,0,0,16,32,32,32,4,0,0,0,0,0,0,0,0,0,0,71,242,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,254,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,169,254,248,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,168,254,247,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,197,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,254,245,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,167,254,254,215,0,0,0,3,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,167,254,254,199,66,0,29,57,179,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,254,245,121,33,60,170,218,137,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,169,254,195,70,24,140,254,233,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,254,254,79,125,227,250,208,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,242,254,254,254,255,254,240,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,254,254,244,143,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,254,252,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,124,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,18,18,132,137,137,137,192,192,137,137,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,152,254,254,254,254,249,219,246,254,254,254,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,236,201,198,83,69,0,64,83,83,251,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,42,0,0,0,0,0,0,0,32,251,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,218,254,194,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,90,225,254,196,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,161,254,254,210,34,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,84,160,207,254,254,254,254,254,254,162,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,205,254,254,254,221,175,77,168,195,249,255,246,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,178,26,0,0,0,0,54,120,222,244,91,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,63,41,2,0,0,0,0,0,0,0,38,222,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,218,246,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,174,253,247,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,84,84,84,84,158,202,202,246,254,167,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,254,254,254,126,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,177,254,254,188,135,53,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,254,254,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,166,253,252,243,250,228,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,114,0,134,253,201,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,204,235,97,1,0,9,172,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,184,0,0,0,0,42,229,236,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,223,253,103,0,0,0,0,0,119,254,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,192,4,0,0,0,0,0,20,199,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,153,0,0,0,0,0,0,0,126,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,69,0,0,0,0,0,0,0,126,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,69,0,0,0,0,0,0,0,126,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,128,15,21,105,105,23,0,0,2,206,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,164,253,254,253,215,60,0,70,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,251,238,238,251,205,76,192,253,180,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,246,253,120,0,0,177,253,253,253,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,254,168,2,0,0,76,254,254,219,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,201,21,0,0,137,239,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,111,12,51,211,253,253,195,219,248,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,196,211,253,254,200,83,0,116,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,253,254,229,132,6,0,0,116,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,123,153,82,25,0,0,0,0,70,220,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,71,155,253,254,254,254,227,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,113,224,253,253,248,243,181,150,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,202,89,37,0,0,15,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,222,101,16,0,0,0,0,102,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,117,250,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,248,141,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,197,251,244,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,216,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,233,253,253,253,183,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,49,73,194,253,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,8,0,0,0,0,0,0,0,0,224,241,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,58,0,0,0,0,0,0,0,0,224,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,194,6,0,0,0,0,0,0,0,7,227,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,87,0,0,0,0,0,0,5,167,253,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,243,251,162,22,0,0,15,59,181,253,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,218,189,189,216,253,253,253,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,72,224,253,254,253,253,253,251,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,148,230,253,212,130,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,80,163,255,234,195,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,139,225,253,233,199,229,214,251,170,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,196,253,247,177,49,0,21,11,84,253,205,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,193,254,184,92,0,0,0,0,0,4,157,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,136,5,0,0,0,0,0,0,0,26,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,195,0,0,0,0,0,0,0,0,0,0,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,162,0,0,0,0,0,0,0,0,0,33,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,240,46,0,0,0,0,0,0,0,0,124,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,219,64,16,0,0,0,0,0,60,238,196,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,169,254,253,242,181,181,124,91,104,238,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,142,191,254,254,255,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,18,83,109,108,116,233,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,223,255,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,170,249,253,253,253,250,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,198,162,241,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,170,160,21,0,132,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,228,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,241,39,0,22,76,166,166,166,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,224,110,169,227,253,253,155,75,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,144,253,253,253,253,253,213,98,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,194,202,226,253,253,253,253,197,77,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,253,253,253,148,26,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,73,93,152,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,221,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,223,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,197,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,194,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,101,0,0,0,1,4,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,230,12,0,0,0,16,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,157,0,0,0,0,16,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,118,0,0,0,0,18,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,237,0,0,0,0,0,92,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,171,0,0,0,0,0,28,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,174,0,0,0,0,10,27,254,159,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,157,115,118,190,245,254,254,254,247,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,111,237,254,254,206,144,148,254,194,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,11,11,3,0,10,233,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,212,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,194,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,201,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,216,230,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,192,246,140,18,8,0,0,2,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,101,250,211,112,2,0,39,128,198,200,254,149,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,47,0,0,37,177,254,242,181,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,192,4,0,0,123,218,89,16,5,113,129,211,174,23,0,0,0,0,0,0,0,0,0,0,0,17,119,254,36,0,0,0,58,12,0,0,0,0,0,207,254,226,31,0,0,0,0,0,0,0,0,0,0,105,254,169,6,0,0,0,0,0,0,0,0,0,0,176,254,254,104,0,0,0,0,0,0,0,0,0,0,223,254,85,0,0,0,0,0,0,0,0,0,0,0,46,142,250,187,0,0,0,0,0,0,0,0,0,57,245,247,85,0,0,0,0,0,0,0,0,0,0,0,0,110,254,225,0,0,0,0,0,0,0,0,0,67,230,212,22,0,0,0,0,0,0,0,0,0,0,0,0,179,254,201,25,0,0,0,0,0,0,0,0,67,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,255,66,0,0,0,0,0,0,0,0,67,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,179,8,0,0,0,0,0,0,0,0,67,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,131,0,0,0,0,0,0,0,0,0,47,245,247,25,0,0,0,0,0,0,0,0,0,0,0,13,229,254,104,0,0,0,0,0,0,0,0,0,0,122,254,213,11,0,0,0,0,0,0,0,0,0,0,159,254,243,30,0,0,0,0,0,0,0,0,0,0,21,222,254,140,4,0,0,0,0,0,0,0,0,46,245,254,190,0,0,0,0,0,0,0,0,0,0,0,0,35,225,254,110,0,0,0,0,0,0,0,26,214,254,194,34,0,0,0,0,0,0,0,0,0,0,0,0,0,34,222,253,178,95,51,0,43,65,78,150,254,242,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,122,225,242,249,217,245,250,254,235,208,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,66,101,160,194,121,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,131,215,254,254,254,228,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,216,254,221,153,179,198,234,249,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,240,69,16,0,0,0,49,231,222,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,162,0,0,0,0,0,0,74,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,98,0,0,0,0,0,0,55,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,199,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,102,241,212,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,77,109,194,253,253,254,202,109,103,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,232,254,253,253,253,253,254,253,253,253,253,182,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,207,182,129,46,0,0,92,91,91,98,148,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,102,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,195,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,255,160,13,0,0,0,0,0,0,0,0,0,0,0,71,235,134,0,0,0,0,0,0,16,74,145,224,253,134,8,0,0,0,0,0,0,0,0,0,0,0,0,132,253,231,95,27,0,6,43,128,228,253,234,210,94,13,0,0,0,0,0,0,0,0,0,0,0,0,0,12,113,242,253,238,199,207,253,253,235,130,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,136,254,253,240,155,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,7,0,0,31,174,147,43,201,209,156,43,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,8,171,200,146,111,133,252,226,253,252,252,252,252,253,127,43,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,250,117,118,205,126,232,231,242,244,244,253,244,233,77,0,0,0,0,0,0,0,0,0,0,0,127,252,252,211,0,0,0,0,0,0,42,49,49,84,49,49,28,0,0,0,0,0,0,0,0,0,0,0,127,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,252,252,0,9,29,153,232,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,38,178,246,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,236,252,252,252,208,253,239,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,253,253,254,253,152,0,0,87,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,239,89,5,0,0,11,205,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,126,126,17,0,0,0,0,0,190,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,255,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,8,112,242,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,228,181,252,252,253,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,49,133,252,252,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,252,236,147,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,154,213,157,195,106,64,0,0,0,0,0,0,0,0,0,0,0,51,56,160,192,192,192,192,192,192,192,232,253,253,253,253,253,243,192,119,0,0,0,0,0,0,0,0,99,247,253,253,253,253,253,253,253,253,253,253,253,253,253,242,227,248,133,156,0,0,0,0,0,0,0,0,254,253,253,253,253,245,239,239,252,246,243,224,103,103,103,69,25,86,0,0,0,0,0,0,0,0,0,0,183,253,253,253,253,180,64,0,111,57,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,174,253,253,253,253,250,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,68,164,224,253,253,253,230,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,55,184,214,253,240,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,191,218,240,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,246,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,187,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,240,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,104,163,241,251,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,220,222,253,253,253,253,237,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,200,253,253,253,253,203,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,141,75,75,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,218,121,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,210,254,220,214,188,146,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,239,254,249,251,254,255,236,140,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,242,254,254,254,254,254,254,254,121,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,175,254,254,254,254,254,254,205,209,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,193,67,19,22,182,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,254,254,254,254,224,14,0,0,0,157,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,236,254,254,254,254,97,0,0,0,0,157,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,254,254,31,0,0,0,0,66,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,254,254,254,254,228,181,204,191,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,246,254,254,254,254,254,254,254,241,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,249,254,254,254,254,254,254,254,164,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,252,187,250,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,198,254,254,196,45,0,2,170,254,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,254,254,34,0,0,0,60,252,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,213,10,0,0,0,46,251,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,222,254,254,254,145,56,41,41,140,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,254,254,254,254,254,254,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,254,254,254,254,254,243,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,195,196,196,165,96,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,215,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,208,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,0,0,0,69,87,231,231,130,0,0,0,0,0,0,0,0,0,0,0,240,253,253,169,6,0,0,0,0,0,31,177,244,253,253,253,251,177,46,0,0,0,0,0,0,0,0,0,101,253,253,253,61,0,0,0,0,38,214,253,253,253,253,253,253,253,199,0,0,0,0,0,0,0,0,0,73,239,253,253,207,32,0,0,37,219,253,253,191,183,183,183,228,253,247,129,0,0,0,0,0,0,0,0,0,191,253,253,253,123,16,25,213,253,252,162,10,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,169,253,253,230,0,0,0,54,116,203,253,253,182,0,0,0,0,0,0,0,0,0,7,127,214,253,253,253,253,253,253,250,216,216,216,233,253,253,253,202,75,0,0,0,0,0,0,0,0,0,0,0,34,208,249,253,253,253,253,253,253,253,253,253,253,248,179,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,253,253,253,253,253,227,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,45,157,199,248,248,199,199,96,45,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,59,127,246,178,97,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,20,12,126,214,254,253,253,253,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,223,253,253,254,253,253,192,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,253,253,216,79,42,41,143,193,253,207,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,253,192,27,0,0,128,235,253,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,148,156,194,255,254,213,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,235,253,253,253,136,53,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,153,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,87,169,229,254,251,204,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,81,238,253,253,170,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,219,254,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,114,238,250,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,19,0,0,0,0,0,0,0,0,0,0,4,12,0,0,0,0,0,0,0,0,0,0,0,0,5,217,253,110,0,0,0,0,0,0,0,0,0,0,95,212,90,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,0,0,0,0,0,0,0,0,16,213,254,178,61,0,0,0,0,0,0,0,0,0,37,239,254,95,0,0,0,0,0,0,0,0,0,0,0,12,181,248,230,87,14,0,0,0,0,0,0,8,186,253,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,60,223,253,229,74,0,0,0,25,94,205,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,72,226,250,159,137,182,240,253,253,207,71,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,58,58,178,253,253,162,80,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,143,255,254,187,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,234,250,253,253,253,253,245,189,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,158,213,252,253,253,253,245,177,214,253,253,210,23,0,0,0,0,0,0,0,0,0,0,0,0,0,42,157,253,253,253,253,208,98,55,0,30,191,246,253,75,0,0,0,0,0,0,0,0,0,0,0,0,52,234,253,253,253,219,96,16,0,0,0,0,0,220,253,94,0,0,0,0,0,0,0,0,0,0,0,6,160,253,253,237,103,3,0,0,0,0,0,0,0,138,253,212,0,0,0,0,0,0,0,0,0,0,0,97,253,253,164,50,0,0,0,0,0,0,0,0,0,83,253,212,0,0,0,0,0,0,0,0,0,0,0,97,253,253,82,0,0,0,0,0,0,0,0,0,0,83,253,212,0,0,0,0,0,0,0,0,0,0,0,10,142,164,53,0,0,0,0,0,0,0,0,0,0,83,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,165,165,165,165,242,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,233,253,253,253,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,253,253,253,253,253,253,253,253,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,247,253,253,169,50,13,76,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,184,253,253,224,32,0,9,180,253,253,181,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,253,253,56,17,89,205,253,253,138,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,186,199,253,253,252,212,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,232,253,253,253,253,251,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,227,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,121,247,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,184,246,253,252,252,252,220,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,252,252,253,212,158,89,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,178,252,252,252,110,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,252,213,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,245,198,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,79,0,0,0,134,133,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,80,77,197,253,255,253,253,211,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,224,131,247,252,252,253,252,252,252,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,252,252,252,253,107,110,252,252,233,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,176,131,252,252,110,2,135,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,79,6,53,53,0,29,233,252,252,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,79,0,0,0,26,208,252,252,238,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,100,0,3,41,211,252,252,218,121,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,198,245,237,160,165,252,253,252,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,241,252,252,252,240,182,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,119,189,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,85,154,227,254,254,254,254,192,110,56,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,248,253,253,253,253,253,253,253,253,253,253,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,253,253,253,253,253,253,253,253,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,247,200,101,74,35,34,34,97,95,161,251,253,208,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,157,0,0,0,0,0,0,0,0,156,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,220,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,178,254,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,196,253,253,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,222,253,234,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,220,253,243,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,232,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,250,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,121,254,211,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,254,244,181,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,253,214,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,210,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,164,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,115,0,0,26,167,142,159,185,167,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,254,115,0,0,136,254,254,254,254,254,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,31,0,0,57,173,206,173,224,232,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,254,65,0,0,0,0,0,0,17,42,232,253,216,11,0,0,0,0,0,0,0,0,0,0,0,0,15,194,254,182,0,0,0,0,0,0,0,17,224,253,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,254,169,45,0,0,0,0,45,170,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,253,245,231,163,155,172,245,253,240,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,192,253,253,254,253,253,253,254,215,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,111,160,195,245,177,160,69,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,123,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,253,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,237,252,179,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,171,252,252,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,192,252,244,77,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,255,239,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,232,252,204,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,190,252,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,171,252,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,239,106,29,130,87,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,242,253,132,52,232,252,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,252,161,48,234,247,240,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,80,112,247,98,176,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,164,0,190,187,0,211,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,42,61,253,69,139,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,42,148,217,147,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,252,147,156,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,252,247,162,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,191,191,147,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,122,190,255,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,59,181,252,252,252,253,252,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,219,216,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,215,252,236,101,8,105,253,252,228,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,192,70,0,0,241,253,246,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,250,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,252,203,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,128,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,253,242,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,236,252,238,77,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,100,252,252,203,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,89,232,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,235,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,102,237,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,98,112,252,252,229,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,252,179,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,195,241,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,96,194,255,253,253,253,253,255,133,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,251,251,251,251,253,251,220,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,172,173,251,251,251,251,253,251,251,220,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,50,12,12,31,31,31,31,213,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,32,253,251,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,251,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,251,253,223,31,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,251,251,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,236,251,243,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,251,251,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,251,253,243,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,251,251,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,255,253,253,253,253,96,96,96,96,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,251,251,251,253,251,251,251,251,253,251,251,251,251,131,8,0,0,0,0,0,0,0,0,0,0,0,0,16,188,251,251,253,251,251,251,251,253,251,251,251,251,253,157,127,16,0,0,0,0,0,0,0,0,0,0,0,16,31,129,189,188,188,188,188,253,251,251,251,251,253,251,251,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,94,94,232,251,253,251,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,136,187,254,245,161,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,189,241,253,241,215,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,99,182,254,240,187,104,34,9,215,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,222,253,219,103,31,0,0,0,0,207,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,241,109,25,0,0,0,0,0,0,208,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,19,0,0,0,0,0,0,0,0,207,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,232,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,232,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,121,191,247,133,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,252,252,253,252,252,242,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,189,252,252,252,253,252,252,252,245,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,187,252,252,252,252,253,252,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,252,248,115,53,136,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,210,0,0,107,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,212,33,0,0,198,252,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,176,0,0,77,247,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,252,252,147,0,0,128,252,252,252,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,162,8,133,253,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,253,253,255,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,252,252,253,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,252,252,253,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,67,172,172,218,252,253,252,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,253,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,252,252,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,246,253,252,252,252,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,209,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,219,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,225,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,192,253,246,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,133,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,105,105,105,192,255,129,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,213,252,252,252,252,253,252,249,208,208,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,193,237,237,210,88,89,88,97,244,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,237,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,107,242,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,149,209,253,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,255,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,234,252,252,252,252,253,252,213,192,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,88,243,252,252,253,204,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,252,252,204,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,252,252,252,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,57,252,252,202,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,245,252,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,194,109,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,254,235,66,0,0,0,0,14,55,35,60,84,84,84,65,0,0,0,0,0,0,0,0,0,5,27,27,194,254,254,237,235,235,235,235,238,238,231,230,220,125,121,59,0,0,0,0,0,0,0,0,0,15,158,252,254,254,234,181,181,136,141,181,80,51,42,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,181,0,0,1,16,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,229,125,167,169,254,220,108,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,254,255,254,254,254,228,187,254,224,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,245,239,254,242,155,0,79,254,254,230,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,36,52,39,0,0,0,250,254,254,186,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,249,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,254,236,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,188,190,110,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,187,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,189,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,244,80,0,0,0,0,0,0,0,0,0,3,48,4,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,20,0,0,0,0,0,0,0,0,105,197,245,228,44,0,0,0,0,0,0,0,0,0,0,0,0,78,177,12,0,0,0,0,0,0,17,178,252,183,163,254,180,0,0,0,0,0,0,0,0,0,0,0,0,158,207,9,0,0,0,0,0,0,42,254,105,2,1,71,244,0,0,0,0,0,0,0,0,0,0,0,0,209,93,0,0,0,0,0,0,0,122,254,15,0,0,68,244,0,0,0,0,0,0,0,0,0,0,0,0,141,91,3,0,0,0,0,0,0,146,171,1,0,0,124,146,0,0,0,0,0,0,0,0,0,0,0,0,67,254,95,0,0,0,0,0,0,146,193,5,0,48,231,66,0,0,0,0,0,0,0,0,0,0,0,0,37,254,132,0,0,0,0,0,0,53,255,15,7,178,185,4,0,0,0,0,0,0,0,0,0,0,0,0,27,237,246,81,0,0,0,0,0,42,254,134,197,170,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,214,115,47,13,115,73,137,254,250,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,237,255,254,254,254,232,244,119,55,94,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,96,176,210,108,50,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,247,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,251,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,236,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,188,132,0,0,0,62,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,240,254,153,0,0,0,137,254,227,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,254,239,47,0,0,6,206,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,143,0,0,0,89,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,254,218,11,0,0,0,133,254,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,234,209,209,195,126,220,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,121,121,55,37,65,147,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,250,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,222,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,239,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,214,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,252,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,253,254,253,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,192,111,71,192,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,172,41,0,11,213,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,50,0,0,92,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,213,152,193,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,254,253,254,213,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,50,91,50,10,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,191,254,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,199,252,253,252,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,252,252,253,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,229,252,252,252,121,73,220,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,156,0,0,35,193,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,241,252,252,192,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,252,252,250,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,252,252,212,187,139,78,78,78,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,252,252,252,253,252,252,212,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,246,253,253,253,253,255,253,253,253,253,167,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,186,227,252,252,253,252,252,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,44,44,44,44,126,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,89,184,35,0,39,199,236,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,220,203,240,253,252,252,252,250,69,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,252,252,252,253,252,252,171,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,252,252,252,252,253,198,132,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,133,161,219,142,33,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,133,133,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,145,212,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,152,254,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,206,253,254,225,212,253,253,239,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,243,253,253,130,31,37,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,220,253,187,65,0,42,156,253,172,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,180,16,0,51,233,253,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,189,36,0,47,238,253,253,247,218,183,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,4,0,70,254,253,253,253,253,253,235,184,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,132,132,132,132,132,231,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,196,0,0,0,0,0,0,0,0,13,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,242,0,0,0,0,0,0,0,0,209,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,132,0,0,0,0,0,0,0,0,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,242,232,49,0,0,0,0,0,0,0,0,225,235,23,0,0,0,0,0,0,0,0,0,0,0,0,53,240,253,116,0,0,0,0,0,0,0,0,0,32,136,216,113,21,0,0,0,0,0,0,0,0,0,53,182,253,179,6,0,0,0,0,0,0,0,0,0,0,17,221,253,190,86,16,0,0,0,0,9,86,166,240,253,143,30,0,0,0,0,0,0,0,0,0,0,0,0,22,117,226,253,225,218,218,218,219,221,253,253,184,64,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,24,122,144,243,253,197,144,128,24,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,11,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,166,255,163,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,240,234,254,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,68,22,244,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,81,1,0,204,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,250,254,139,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,248,254,254,254,193,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,246,254,250,156,138,238,236,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,254,254,72,0,0,42,186,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,206,43,1,0,0,0,106,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,124,8,0,0,0,0,0,64,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,160,141,0,0,0,0,0,145,251,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,230,173,0,0,0,0,0,57,236,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,105,0,0,0,0,27,193,230,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,107,0,0,5,84,205,251,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,235,91,163,249,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,254,233,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,163,161,165,254,109,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,86,0,0,0,86,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,198,0,0,114,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,29,0,86,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,114,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,170,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,114,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,9,3,6,8,9,9,43,154,212,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,206,232,252,254,254,254,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,229,229,202,176,247,254,235,136,65,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,239,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,164,177,155,148,251,254,178,148,122,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,254,254,254,254,254,254,249,204,142,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,8,80,37,190,254,140,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,213,255,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,120,163,216,254,254,97,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,206,253,254,253,253,253,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,169,253,253,152,78,78,134,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,137,228,253,164,41,0,0,13,230,253,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,254,253,154,5,0,0,8,183,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,255,241,30,0,0,14,149,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,250,80,9,8,186,253,253,129,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,158,183,254,247,144,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,202,253,253,253,244,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,223,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,194,254,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,253,227,218,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,228,43,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,253,85,0,83,254,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,254,162,18,0,0,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,76,0,10,97,255,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,196,8,20,131,253,219,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,145,129,253,253,222,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,253,253,164,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,245,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,141,198,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,198,170,86,86,86,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,29,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,0,86,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,226,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,29,0,0,0,29,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,198,29,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,198,198,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,86,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,227,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,227,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,250,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,202,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,250,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,234,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,248,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,247,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,213,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,248,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,245,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,251,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,222,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,207,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,218,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,213,253,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,253,157,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,212,253,150,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,222,253,200,6,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,217,253,253,192,157,157,198,157,157,84,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,253,253,253,253,253,253,230,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,251,253,253,245,129,44,21,93,129,129,156,251,214,5,0,0,0,0,0,0,0,0,0,0,0,0,28,230,253,230,253,221,39,0,0,0,0,0,0,211,253,75,0,0,0,0,0,0,0,0,0,0,0,0,129,253,245,31,54,28,0,0,0,0,0,0,0,211,228,16,0,0,0,0,0,0,0,0,0,0,0,3,204,253,131,0,0,0,0,0,0,0,0,3,124,251,120,0,0,0,0,0,0,0,0,0,0,0,0,31,253,200,9,0,0,0,0,0,0,0,0,53,253,229,40,0,0,0,0,0,0,0,0,0,0,0,0,155,253,130,0,0,0,0,0,0,0,0,38,227,253,63,0,0,0,0,0,0,0,0,0,0,0,0,9,225,249,58,0,0,0,0,0,0,3,100,227,251,171,2,0,0,0,0,0,0,0,0,0,0,0,0,76,253,210,0,0,0,0,0,0,24,173,253,228,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,210,0,0,0,0,7,127,226,253,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,222,253,133,33,100,178,249,253,253,167,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,253,253,253,208,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,102,180,249,145,62,37,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,128,154,192,254,254,254,254,227,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,249,253,248,243,184,143,167,244,253,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,206,46,0,0,0,0,6,199,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,69,0,0,0,0,0,2,137,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,253,99,0,0,0,0,0,114,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,170,253,245,174,129,66,5,229,250,253,229,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,253,253,253,220,167,253,253,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,114,114,166,253,253,253,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,174,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,244,253,249,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,249,253,238,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,239,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,196,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,217,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,219,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,161,0,0,0,0,45,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,160,0,0,0,0,245,216,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,160,0,0,0,0,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,160,0,0,0,68,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,161,0,0,7,204,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,177,47,5,24,253,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,254,194,195,253,254,211,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,254,253,253,253,254,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,127,93,93,93,225,254,254,190,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,216,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,254,255,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,194,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,49,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,236,35,0,0,0,0,0,0,0,0,0,20,158,73,0,0,0,0,0,0,0,0,0,0,0,10,165,222,60,0,0,0,0,0,0,0,0,0,9,186,254,78,0,0,0,0,0,0,0,0,0,0,29,201,221,51,0,0,0,0,0,0,0,0,0,0,71,254,238,9,0,0,0,0,0,0,0,0,0,39,200,202,45,0,0,0,0,0,0,0,0,0,0,10,182,220,48,0,0,0,0,0,0,0,0,0,36,228,203,44,0,0,0,0,0,0,0,0,0,0,1,114,254,118,0,0,0,0,0,0,0,0,0,0,94,253,103,0,0,0,0,0,7,17,17,89,98,44,62,254,179,0,0,0,0,0,0,0,0,0,0,0,145,181,7,6,29,29,109,190,218,254,240,226,226,227,254,251,64,0,0,0,0,0,0,0,0,0,0,0,53,244,214,212,254,255,241,183,73,52,25,0,0,60,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,71,202,202,156,46,27,0,0,0,0,0,0,239,221,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,225,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,229,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,249,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,146,146,202,254,254,254,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,208,253,253,253,253,253,224,218,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,253,253,248,77,32,32,20,29,66,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,245,173,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,219,193,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,247,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,165,253,211,162,162,64,55,55,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,253,253,253,253,253,253,226,128,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,16,83,124,124,193,232,243,253,241,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,171,253,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,173,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,136,238,246,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,208,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,132,210,253,253,206,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,179,236,253,253,228,128,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,154,76,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,228,90,0,0,0,0,0,0,0,15,81,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,135,0,0,0,0,0,0,0,177,225,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,242,254,137,0,0,0,0,0,0,0,207,254,144,1,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,244,0,0,0,0,0,0,0,207,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,254,252,73,0,0,0,0,0,0,207,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,6,250,254,254,93,0,0,0,0,0,0,207,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,250,82,0,0,0,0,0,0,207,254,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,222,21,0,0,0,0,0,207,254,204,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,250,254,254,239,20,0,0,2,68,251,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,254,163,55,95,171,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,254,254,254,254,254,254,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,246,254,254,254,254,254,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,215,254,254,254,240,197,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,48,95,48,62,238,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,245,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,255,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,200,242,252,253,252,252,252,252,246,208,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,210,252,252,252,238,114,88,158,250,252,252,220,137,7,0,0,0,0,0,0,0,0,0,0,0,0,36,213,252,252,230,132,0,0,0,0,118,217,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,106,232,252,252,181,58,0,0,0,0,0,0,47,252,252,252,147,0,0,0,0,0,0,0,0,0,0,11,213,252,252,236,12,0,0,0,0,0,0,0,9,152,250,252,252,0,0,0,0,0,0,0,0,0,0,95,252,252,156,56,0,0,0,0,0,0,0,0,0,0,238,252,252,0,0,0,0,0,0,0,0,0,57,247,252,225,48,0,0,0,0,0,0,0,0,0,0,0,238,252,199,0,0,0,0,0,0,0,0,0,174,252,230,58,0,0,0,0,0,0,0,0,0,0,0,24,240,252,103,0,0,0,0,0,0,0,0,0,208,252,132,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,103,0,0,0,0,0,0,0,0,106,253,253,133,0,0,0,0,0,0,0,0,0,0,0,31,253,253,208,0,0,0,0,0,0,0,0,0,227,252,252,132,0,0,0,0,0,0,0,0,0,0,18,170,252,252,84,0,0,0,0,0,0,0,0,0,253,252,252,132,0,0,0,0,0,0,0,0,0,0,171,252,252,184,21,0,0,0,0,0,0,0,0,0,253,252,252,132,0,0,0,0,0,0,0,0,0,57,237,252,188,8,0,0,0,0,0,0,0,0,0,0,253,252,252,132,0,0,0,0,0,0,0,0,58,237,252,225,14,0,0,0,0,0,0,0,0,0,0,0,147,252,252,146,21,0,0,0,0,18,31,153,226,252,225,108,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,217,119,0,0,104,203,253,252,252,188,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,252,252,250,238,238,248,252,253,230,66,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,67,207,246,252,252,252,217,207,59,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,103,103,103,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,222,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,196,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,245,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,175,253,230,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,126,0,0,0,0,0,8,78,192,185,198,123,47,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,112,0,0,0,0,35,205,253,253,253,253,253,231,112,0,0,0,0,0,0,0,0,0,0,0,38,254,254,18,0,0,0,53,254,255,195,115,95,95,171,234,233,24,0,0,0,0,0,0,0,0,0,0,38,253,253,18,0,0,30,225,253,132,3,0,0,0,0,95,253,121,0,0,0,0,0,0,0,0,0,0,112,253,222,11,0,0,60,253,214,0,0,0,0,0,0,89,253,130,0,0,0,0,0,0,0,0,0,0,131,253,200,6,0,0,178,253,131,0,0,0,0,0,0,178,236,57,0,0,0,0,0,0,0,0,0,0,115,253,253,36,0,0,192,253,152,0,0,0,0,0,28,220,196,0,0,0,0,0,0,0,0,0,0,0,35,248,253,112,0,0,70,250,235,49,0,0,6,72,210,246,78,0,0,0,0,0,0,0,0,0,0,0,0,197,253,143,0,0,0,84,253,234,178,178,200,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,49,234,251,160,57,78,161,253,254,253,253,253,221,78,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,251,253,253,253,253,253,254,238,151,68,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,200,253,197,159,159,101,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,118,118,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,235,247,254,254,248,235,133,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,245,254,254,254,254,254,254,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,194,245,254,254,221,199,199,199,244,254,248,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,198,82,33,0,0,0,105,245,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,61,0,0,0,0,0,0,187,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,124,234,61,0,0,0,0,0,0,187,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,2,0,0,0,0,0,31,216,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,245,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,246,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,233,254,245,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,250,254,255,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,202,254,254,211,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,202,254,254,210,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,199,254,254,153,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,254,254,254,87,84,84,84,84,84,84,214,221,221,221,221,221,0,0,0,0,0,0,0,0,0,0,77,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,23,189,254,254,254,254,254,254,254,254,254,254,215,213,213,213,127,75,0,0,0,0,0,0,0,0,0,0,0,21,96,178,234,234,234,234,207,170,96,96,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,112,156,156,74,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,241,253,253,254,253,241,199,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,247,144,78,78,78,160,199,253,253,236,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,91,0,0,0,0,0,6,34,191,254,251,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,39,0,0,0,0,0,0,0,0,140,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,15,0,0,0,0,0,0,0,0,0,132,254,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,142,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,40,40,77,45,238,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,197,253,254,253,253,253,253,195,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,254,254,254,196,222,254,254,254,255,254,186,57,0,0,0,0,0,0,0,0,0,0,0,0,0,8,239,253,239,142,61,0,18,105,253,253,158,233,247,247,139,0,0,0,0,0,0,0,0,0,0,0,0,128,254,209,24,0,0,0,0,109,253,222,0,0,54,78,78,0,0,0,0,0,0,0,0,0,0,0,90,248,222,25,0,0,0,0,124,247,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,195,0,0,0,0,83,244,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,99,0,0,0,46,217,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,142,0,0,71,222,254,191,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,213,79,109,247,253,145,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,206,254,253,253,231,138,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,155,147,96,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,98,223,254,149,129,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,254,215,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,253,203,184,184,254,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,254,121,13,0,0,159,253,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,180,8,0,0,0,139,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,179,0,0,0,0,139,254,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,189,0,0,0,0,87,253,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,223,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,208,208,229,246,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,200,250,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,228,246,162,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,223,253,235,143,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,178,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,47,68,162,237,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,143,185,185,216,255,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,254,253,228,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,190,137,137,138,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,64,64,128,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,64,64,0,0,0,0,0,0,64,128,191,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,128,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,253,225,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,253,76,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,201,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,192,253,253,206,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,225,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,214,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,112,231,255,254,254,201,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,227,250,195,196,150,203,251,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,66,0,0,0,0,99,253,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,254,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,230,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,79,79,36,0,19,226,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,246,253,253,243,159,127,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,239,193,73,88,208,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,10,209,255,254,223,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,170,0,0,7,131,253,219,143,247,247,177,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,223,31,37,132,253,222,30,0,54,142,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,242,243,240,198,34,0,0,0,3,131,249,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,133,216,207,70,0,0,0,0,0,0,0,104,248,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,107,254,255,169,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,180,180,180,202,236,244,242,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,107,240,253,218,149,154,0,67,69,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,244,220,43,2,35,0,0,36,237,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,108,0,0,0,0,0,0,0,131,223,52,0,0,0,0,0,0,0,0,0,0,0,0,0,7,129,247,253,24,0,0,0,0,0,0,0,131,253,230,13,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,176,11,0,0,0,0,0,0,0,131,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,182,253,208,11,0,0,0,0,0,0,0,0,131,253,253,58,0,0,0,0,0,0,0,0,0,0,0,66,231,253,203,0,0,0,0,0,0,0,0,0,131,253,253,78,0,0,0,0,0,0,0,0,0,0,0,107,253,253,44,0,0,0,0,0,0,0,0,0,131,253,205,10,0,0,0,0,0,0,0,0,0,0,12,206,253,249,39,0,0,0,0,0,0,0,0,0,131,253,106,0,0,0,0,0,0,0,0,0,0,0,17,253,253,129,0,0,0,0,0,0,0,0,0,0,131,253,106,0,0,0,0,0,0,0,0,0,0,0,124,253,253,129,0,0,0,0,0,0,0,0,0,47,222,210,27,0,0,0,0,0,0,0,0,0,0,0,17,253,253,129,0,0,0,0,0,0,0,0,53,227,253,121,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,129,0,0,0,0,0,0,0,5,137,253,146,6,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,194,21,0,0,0,0,0,52,143,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,253,253,194,58,58,58,58,169,234,253,253,244,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,220,253,253,253,253,253,253,253,253,253,186,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,215,253,253,253,253,253,253,253,182,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,89,89,131,253,199,89,89,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,188,254,254,255,228,118,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,253,253,253,253,253,253,242,166,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,253,253,226,198,253,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,90,17,87,204,253,253,139,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,82,82,53,0,0,9,179,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,253,248,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,144,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,137,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,209,253,253,198,27,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,203,248,253,240,169,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,253,253,240,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,253,253,224,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,228,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,186,253,253,252,162,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,145,231,253,253,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,231,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,42,117,164,179,193,253,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,253,253,253,253,232,102,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,253,227,116,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,234,255,176,53,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,179,175,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,235,210,23,2,10,182,251,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,215,26,0,0,0,36,200,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,247,88,0,0,0,0,4,189,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,161,0,0,0,0,0,62,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,88,0,0,0,0,6,185,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,88,0,0,0,11,171,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,90,179,192,110,218,253,182,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,229,238,253,253,245,124,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,253,253,228,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,72,241,253,253,207,109,49,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,248,187,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,245,82,4,160,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,107,0,0,78,253,185,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,230,8,0,0,6,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,227,0,0,0,33,253,227,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,250,146,23,0,114,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,194,253,248,161,239,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,241,253,253,168,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,238,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,242,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,251,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,242,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,114,238,253,253,253,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,131,225,243,252,253,252,252,252,252,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,38,135,253,252,252,252,220,196,195,86,71,227,253,252,87,0,0,0,0,0,0,0,0,0,0,0,10,138,224,252,253,226,114,84,37,0,0,0,4,153,253,252,102,0,0,0,0,0,0,0,0,0,0,63,178,252,252,252,112,12,0,0,0,0,0,0,107,252,253,204,25,0,0,0,0,0,0,0,0,0,0,114,253,228,47,0,0,0,0,0,0,0,0,0,169,253,255,168,0,0,0,0,0,0,0,0,0,0,0,75,243,246,225,146,0,0,0,0,0,0,0,98,243,252,215,33,0,0,0,0,0,0,0,0,0,0,0,0,50,55,55,55,0,0,0,0,0,0,67,240,252,252,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,252,249,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,255,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,253,223,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,209,252,252,196,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,243,252,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,140,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,253,133,0,0,0,0,26,113,113,114,113,113,38,0,0,0,0,0,0,0,0,0,0,29,194,243,252,253,176,6,57,85,85,131,231,252,252,253,252,252,130,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,233,197,234,252,253,252,252,252,252,253,252,252,114,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,252,230,223,223,84,84,84,28,0,0,0,0,0,0,0,0,0,0,38,142,252,252,253,252,252,252,252,112,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,105,238,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,184,212,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,253,243,238,149,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,198,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,230,253,223,142,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,249,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,206,253,253,157,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,157,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,14,0,63,167,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,221,32,175,235,254,253,225,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,206,196,253,253,248,250,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,232,133,79,111,211,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,208,0,0,0,164,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,242,183,0,0,61,227,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,238,253,253,211,32,0,56,233,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,227,253,253,243,239,247,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,253,253,254,253,215,59,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,104,245,253,253,255,217,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,170,145,145,145,145,83,25,25,25,111,88,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,242,252,252,252,252,252,253,252,252,252,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,213,204,152,141,205,204,211,252,252,238,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,48,0,0,0,0,0,123,252,180,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,48,0,0,0,0,54,230,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,228,32,0,0,0,0,145,252,172,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,25,0,0,0,0,11,237,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,255,253,236,132,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,228,253,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,230,96,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,214,214,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,238,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,247,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,255,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,217,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,130,249,195,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,207,253,253,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,226,131,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,206,24,0,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,52,0,0,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,192,0,0,0,175,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,108,0,0,0,149,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,250,226,12,0,0,0,63,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,80,0,0,0,0,0,0,8,36,21,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,80,0,0,0,0,17,146,222,253,253,225,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,40,0,0,0,55,224,253,253,253,253,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,20,0,0,0,228,254,215,96,31,101,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,80,0,0,20,243,239,9,0,0,105,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,165,4,0,69,254,184,0,28,46,244,209,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,242,254,112,6,142,253,218,34,241,253,193,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,253,215,208,253,251,227,253,241,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,144,233,253,253,253,254,253,146,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,46,110,193,228,169,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,161,253,253,253,143,76,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,228,193,108,153,250,252,191,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,250,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,30,132,132,132,132,87,65,248,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,247,228,228,248,252,252,252,253,242,70,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,129,0,0,78,96,238,252,253,252,252,234,157,65,25,0,0,0,0,0,0,0,0,0,0,0,3,165,205,28,0,0,0,19,234,252,251,134,84,164,215,252,224,123,49,3,0,0,0,0,0,0,0,0,7,183,27,0,0,0,0,97,252,252,154,0,0,0,18,106,192,192,192,9,0,0,0,0,0,0,0,0,13,228,0,0,0,0,0,189,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,228,0,0,0,0,69,246,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,237,37,0,0,28,206,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,252,238,76,27,207,252,252,205,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,81,149,245,244,252,212,86,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,101,152,254,255,254,254,179,101,101,101,76,0,0,0,0,0,0,0,0,0,0,0,0,0,66,200,200,208,253,253,253,253,253,253,253,253,253,253,240,200,134,9,0,0,0,0,0,0,0,0,0,0,200,253,253,253,253,204,107,107,151,163,253,253,253,253,253,253,253,45,0,0,0,0,0,0,0,0,0,0,100,96,251,215,7,5,0,0,2,3,52,235,253,253,253,253,213,29,0,0,0,0,0,0,0,0,0,0,0,0,153,52,0,0,0,0,12,147,222,253,253,253,182,61,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,173,253,253,253,244,115,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,172,253,253,253,135,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,235,253,253,217,68,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,213,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,239,253,253,106,78,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,253,216,135,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,246,253,253,253,253,253,253,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,30,30,77,183,217,253,253,240,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,3,8,88,162,162,206,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,26,0,85,253,253,253,253,253,253,246,145,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,219,208,223,253,253,253,215,199,63,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,253,253,201,99,99,99,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,199,255,255,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,237,253,237,238,253,182,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,252,188,25,25,238,253,144,4,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,243,253,103,0,0,0,62,239,253,210,227,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,182,15,0,0,0,0,168,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,253,97,0,0,0,0,0,115,251,253,251,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,0,0,138,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,253,133,0,0,0,0,0,0,181,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,249,61,0,0,0,0,62,250,253,192,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,222,155,43,0,0,168,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,179,253,253,242,200,200,235,253,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,124,146,232,187,253,253,253,244,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,59,217,249,60,32,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,254,197,20,183,238,193,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,254,253,253,253,253,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,253,253,254,219,241,253,215,201,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,215,58,9,71,245,253,231,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,254,207,23,0,0,0,115,254,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,216,25,0,0,0,0,21,226,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,247,84,0,0,0,0,0,13,213,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,128,0,0,0,0,0,0,92,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,171,9,0,0,0,0,0,0,136,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,99,0,0,0,0,0,0,0,197,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,245,15,0,0,0,0,0,0,112,250,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,155,0,0,0,0,0,0,44,229,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,155,0,0,0,0,0,10,213,253,148,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,155,0,0,0,0,76,209,253,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,254,97,59,59,127,254,255,196,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,254,253,253,253,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,108,78,78,240,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,219,144,234,215,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,253,185,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,253,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,190,253,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,232,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,253,252,252,252,253,190,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,252,252,253,252,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,21,205,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,104,211,252,252,252,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,154,72,10,0,0,31,206,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,211,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,241,61,0,0,0,0,0,0,0,0,0,0,42,62,144,0,0,0,0,0,0,0,0,0,0,120,252,253,179,0,0,0,0,0,0,0,0,0,0,0,218,253,253,191,78,0,0,0,0,0,0,0,32,212,253,255,180,0,0,0,0,0,0,0,0,0,0,94,247,252,252,252,242,217,134,0,0,0,0,32,207,252,252,253,200,63,0,0,0,0,0,0,0,0,0,109,252,252,252,252,252,252,252,182,181,78,37,212,252,252,252,253,252,221,16,0,0,0,0,0,0,0,0,109,252,252,252,169,252,252,252,253,252,252,252,253,252,252,252,253,252,231,46,0,0,0,0,0,0,0,0,110,253,253,253,109,150,253,253,255,253,253,253,255,253,253,253,255,253,154,0,0,0,0,0,0,0,0,0,78,242,252,252,252,252,252,252,253,252,252,252,253,252,252,252,180,138,10,0,0,0,0,0,0,0,0,0,0,62,201,252,252,252,252,252,253,220,195,71,72,71,71,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,108,252,210,108,108,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,193,147,147,140,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,210,185,175,77,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,83,140,177,249,253,252,254,254,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,59,112,221,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,207,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,208,254,254,251,109,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,235,108,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,129,250,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,201,254,254,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,117,242,254,254,254,65,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,171,254,254,253,206,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,168,255,254,254,246,87,174,75,66,66,75,103,13,0,17,11,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,254,254,254,254,254,254,220,212,223,128,2,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,254,238,222,234,252,229,254,254,254,254,236,42,0,0,0,0,0,0,0,0,0,117,254,253,196,232,184,117,76,39,0,28,69,18,76,76,104,212,254,76,0,0,0,0,0,0,0,0,0,6,38,37,7,26,0,0,0,0,0,0,0,0,0,0,0,16,144,120,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,96,195,96,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,191,190,190,244,251,253,251,220,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,205,253,251,251,251,251,253,251,251,220,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,221,248,251,253,251,251,251,251,253,251,251,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,60,228,251,251,251,253,251,251,251,251,253,251,172,70,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,253,253,253,253,100,0,0,64,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,8,170,253,251,251,251,251,131,8,0,56,240,253,251,141,4,0,0,0,0,0,0,0,0,0,0,0,64,158,251,253,251,251,251,251,126,31,0,0,79,253,251,251,31,0,0,0,0,0,0,0,0,0,0,8,158,251,251,253,184,31,31,31,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,131,251,251,251,253,62,0,0,0,0,0,0,0,0,253,251,251,129,0,0,0,0,0,0,0,0,0,36,214,253,253,253,100,0,0,0,0,0,0,0,0,0,195,253,253,189,0,0,0,0,0,0,0,0,0,115,251,251,251,132,0,0,0,0,0,0,0,0,0,0,214,251,251,69,0,0,0,0,0,0,0,0,0,253,251,251,251,94,0,0,0,0,0,0,0,0,0,80,253,251,251,31,0,0,0,0,0,0,0,0,0,253,251,251,196,12,0,0,0,0,0,0,0,0,16,181,253,251,219,23,0,0,0,0,0,0,0,0,0,253,251,251,188,0,0,0,0,0,0,0,0,0,162,251,253,251,126,0,0,0,0,0,0,0,0,0,0,255,253,253,189,0,0,0,0,0,0,0,92,253,253,253,219,138,0,0,0,0,0,0,0,0,0,0,0,233,251,251,236,190,32,32,112,91,190,191,236,251,251,231,138,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,251,251,251,251,253,251,251,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,12,149,220,251,251,253,251,251,251,251,253,223,31,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,251,253,251,251,251,251,95,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,19,45,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,85,134,229,215,240,252,198,197,197,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,226,231,252,252,253,252,252,252,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,255,253,253,253,254,253,253,253,254,253,253,241,16,104,141,141,0,0,0,0,0,0,0,0,216,252,252,252,253,252,252,252,247,196,196,196,197,196,240,215,216,252,252,252,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,177,50,0,0,0,0,82,240,252,253,252,224,118,0,0,0,0,0,0,0,0,203,252,252,252,253,252,252,228,114,38,0,0,176,243,252,252,253,151,19,0,0,0,0,0,0,0,0,0,0,101,235,253,254,253,253,253,254,253,165,241,254,253,253,253,163,38,0,0,0,0,0,0,0,0,0,0,0,0,28,133,253,252,252,252,253,252,252,252,253,252,233,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,168,196,252,253,252,252,252,253,252,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,252,252,252,253,252,252,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,254,253,253,228,226,244,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,252,196,35,57,187,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,252,252,253,252,234,222,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,253,252,252,252,253,252,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,254,253,253,253,254,247,225,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,252,252,253,252,252,202,84,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,56,56,56,56,56,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,130,240,254,230,170,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,121,254,213,142,192,245,246,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,255,173,9,0,0,68,242,245,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,233,221,8,0,0,0,0,69,242,216,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,110,0,0,0,0,0,0,157,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,250,25,0,0,0,0,0,0,128,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,174,0,0,0,0,0,0,0,128,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,189,15,0,0,0,0,0,0,128,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,203,81,0,0,0,0,0,128,254,95,9,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,237,80,0,0,0,0,128,254,144,215,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,226,254,140,21,15,2,210,254,254,209,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,118,240,254,251,199,254,254,199,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,122,128,127,230,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,238,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,222,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,88,234,255,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,254,254,250,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,250,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,247,102,40,162,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,244,177,0,2,189,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,242,40,121,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,243,254,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,195,236,100,229,254,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,143,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,244,254,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,213,254,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,254,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,218,39,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,114,253,241,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,241,254,145,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,216,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,255,176,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,222,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,166,241,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,252,169,73,172,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,236,252,252,156,0,0,100,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,252,192,7,0,0,65,249,193,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,224,252,226,44,0,0,0,0,238,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,250,82,0,0,0,0,0,132,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,252,208,0,0,0,0,0,0,99,252,191,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,84,0,0,0,0,0,0,23,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,242,19,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,0,0,0,0,0,0,0,52,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,0,0,0,0,0,0,0,132,252,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,172,2,0,0,0,0,0,0,190,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,46,0,0,0,0,0,66,249,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,226,78,0,0,0,0,137,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,252,239,198,122,122,198,249,242,131,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,224,252,252,252,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,169,219,252,252,253,252,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,38,224,252,253,175,190,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,113,255,253,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,252,252,253,252,252,252,252,241,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,239,252,252,253,201,195,202,252,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,84,84,84,9,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,243,252,253,129,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,240,252,252,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,196,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,234,252,253,154,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,29,203,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,255,253,253,240,63,0,0,89,113,113,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,252,252,233,85,147,225,246,242,167,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,252,253,252,252,252,252,253,233,195,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,177,223,253,252,252,249,223,225,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,112,189,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,128,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,64,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,64,0,0,64,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,64,64,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,64,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,64,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,221,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,227,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,115,217,156,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,140,233,254,254,254,246,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,254,254,199,108,152,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,254,229,68,3,0,0,172,229,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,183,30,0,0,8,107,208,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,247,11,0,0,0,130,254,254,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,227,171,0,0,0,18,234,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,102,0,0,10,189,254,254,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,209,0,12,138,254,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,231,236,254,247,191,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,255,254,247,118,131,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,63,130,44,0,200,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,205,143,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,34,34,130,207,225,236,196,120,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,153,247,253,253,253,254,253,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,254,253,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,254,253,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,242,251,198,198,198,199,121,88,223,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,52,0,0,0,0,0,0,133,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,245,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,255,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,186,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,245,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,240,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,239,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,221,253,253,244,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,153,126,253,210,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,137,0,67,252,219,245,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,251,253,41,0,0,105,94,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,236,29,0,0,0,160,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,220,20,0,0,37,246,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,246,253,135,25,0,110,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,165,67,234,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,253,253,253,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,232,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,188,238,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,242,216,15,72,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,156,253,109,0,42,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,98,27,140,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,251,149,232,253,209,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,231,179,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,211,166,149,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,192,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,255,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,193,254,228,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,219,254,197,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,219,254,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,139,254,254,254,193,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,204,253,213,106,173,254,200,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,220,253,157,17,0,0,115,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,192,253,197,11,0,0,0,134,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,217,19,0,0,0,0,12,165,244,246,94,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,112,0,0,0,0,0,0,0,89,250,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,180,8,0,0,0,0,0,0,0,0,40,250,246,73,0,0,0,0,0,0,0,0,0,0,0,0,86,253,121,0,0,0,0,0,0,0,0,0,0,89,244,201,18,0,0,0,0,0,0,0,0,0,0,11,200,253,39,0,0,0,0,0,0,0,0,0,0,0,165,253,180,0,0,0,0,0,0,0,0,0,0,34,253,253,10,0,0,0,0,0,0,0,0,0,0,0,12,187,209,0,0,0,0,0,0,0,0,0,0,34,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,81,0,0,0,0,0,0,0,0,0,34,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,230,23,0,0,0,0,0,0,0,0,34,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,253,33,0,0,0,0,0,0,0,0,31,247,249,10,0,0,0,0,0,0,0,0,0,0,0,0,1,163,253,33,0,0,0,0,0,0,0,0,0,177,253,35,0,0,0,0,0,0,0,0,0,0,0,0,36,253,203,12,0,0,0,0,0,0,0,0,0,138,253,121,0,0,0,0,0,0,0,0,0,0,0,31,168,253,137,0,0,0,0,0,0,0,0,0,0,64,252,233,96,0,0,0,0,0,0,0,10,21,122,216,243,113,6,0,0,0,0,0,0,0,0,0,0,0,126,252,232,117,45,25,45,45,155,155,237,253,253,219,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,227,253,253,225,253,253,254,253,223,166,66,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,143,244,186,143,143,81,33,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,255,69,0,0,0,0,0,0,0,0,65,101,18,0,0,0,0,0,0,0,0,0,0,0,0,102,240,253,253,68,0,0,0,0,0,0,0,12,178,253,74,0,0,0,0,0,0,0,0,0,0,27,146,250,253,253,204,29,0,0,0,0,0,0,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,103,253,253,253,202,13,0,0,0,0,0,0,0,43,226,253,253,142,0,0,0,0,0,0,0,0,0,16,208,253,253,247,97,0,0,0,0,0,0,0,0,116,253,253,253,45,0,0,0,0,0,0,0,0,0,101,253,253,253,236,63,0,0,0,0,0,0,0,9,191,253,253,253,45,0,0,0,0,0,0,0,0,0,67,235,253,253,253,245,94,85,86,8,0,0,0,68,253,253,250,103,3,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,253,253,191,185,185,185,231,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,23,123,170,253,253,253,253,253,253,253,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,22,22,22,41,176,176,183,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,195,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,150,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,182,253,253,233,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,237,253,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,183,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,240,239,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,255,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,249,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,250,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,246,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,253,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,253,230,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,248,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,148,237,238,184,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,192,191,248,253,253,254,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,253,252,232,143,127,222,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,190,154,77,0,0,0,191,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,128,75,22,22,22,143,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,253,253,253,253,254,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,147,245,253,253,254,253,253,243,212,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,107,220,254,255,226,212,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,202,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,173,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,254,245,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,212,254,240,239,215,56,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,168,254,237,62,146,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,168,254,239,16,0,157,254,254,216,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,237,61,0,0,250,254,254,232,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,245,254,95,0,4,139,254,254,254,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,170,0,2,144,254,254,254,254,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,137,31,155,254,254,234,228,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,254,254,254,213,87,193,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,243,254,252,155,32,34,242,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,5,5,0,0,102,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,225,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,210,139,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,29,53,115,96,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,103,165,212,240,254,254,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,8,67,148,231,243,201,137,71,24,0,0,0,0,49,255,0,0,0,0,0,0,0,0,0,0,0,0,32,172,249,204,95,20,0,0,0,0,0,0,0,0,138,183,0,0,0,0,0,0,0,0,0,0,13,131,245,154,38,0,0,0,0,0,0,0,0,0,0,96,205,21,0,0,0,0,0,0,0,0,0,14,192,227,77,0,0,0,0,0,0,0,0,0,0,0,61,170,5,0,0,0,0,0,0,0,0,0,24,199,183,18,0,0,0,0,0,0,0,0,0,0,0,0,14,21,0,0,0,0,0,0,0,0,0,0,94,213,16,0,0,0,15,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,129,0,0,0,0,178,241,179,97,15,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,204,0,0,0,0,0,29,104,201,254,176,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,250,150,22,0,0,0,0,0,4,77,178,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,238,237,153,60,0,0,0,0,0,0,139,230,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,181,243,251,184,184,184,184,207,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,52,99,99,157,99,99,44,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,0,0,0,200,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,245,55,0,0,0,15,240,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,61,0,0,0,116,253,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,253,61,0,0,0,169,253,114,7,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,61,0,0,9,246,253,116,125,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,235,253,105,11,7,116,253,253,195,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,226,207,230,253,175,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,147,232,253,253,254,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,255,208,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,140,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,241,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,101,221,255,184,155,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,93,237,249,204,243,247,253,150,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,253,189,49,0,0,29,241,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,253,155,13,0,0,0,0,234,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,173,253,122,16,0,0,0,0,0,234,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,233,48,1,0,0,0,0,0,0,234,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,69,0,0,0,0,0,0,0,0,234,188,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,1,0,0,0,0,0,0,0,130,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,236,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,219,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,238,180,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,70,42,0,5,160,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,37,158,224,247,253,242,224,226,253,244,63,2,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,230,253,253,253,192,173,173,192,253,253,253,253,171,52,0,0,0,0,0,0,0,0,0,0,0,6,204,251,218,156,20,20,5,0,31,163,251,125,118,243,254,234,164,0,0,0,0,0,0,0,0,0,0,121,253,201,28,0,0,15,91,188,241,253,203,0,0,46,64,42,0,0,0,0,0,0,0,0,0,0,0,133,238,253,247,244,244,246,253,253,217,123,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,153,153,244,253,214,177,95,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,64,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,64,255,255,255,191,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,255,255,255,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,128,255,255,64,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,0,255,255,128,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,64,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,191,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,120,203,254,255,254,254,220,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,80,237,253,253,253,207,123,190,240,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,253,254,240,154,104,0,0,11,215,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,214,253,253,136,31,0,0,0,0,91,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,85,221,254,214,59,0,0,0,0,0,13,221,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,47,222,254,211,29,0,0,0,0,0,0,181,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,254,86,13,0,0,0,0,9,141,249,217,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,228,221,184,127,9,9,184,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,254,254,254,254,254,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,107,115,148,220,253,253,253,254,216,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,251,230,254,253,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,229,253,196,0,94,245,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,254,199,17,0,0,172,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,253,199,19,0,0,0,189,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,244,51,0,0,0,41,241,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,160,0,0,0,0,229,253,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,161,0,0,7,170,255,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,245,139,138,182,253,254,194,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,173,253,254,253,253,253,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,169,254,253,244,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,141,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,242,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,254,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,240,254,218,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,162,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,247,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,166,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,244,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,238,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,243,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,223,254,180,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,242,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,243,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,255,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,231,254,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,241,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,150,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,175,253,254,224,207,207,228,246,162,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,222,69,25,0,0,32,132,228,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,237,180,0,0,0,0,0,0,162,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,23,0,0,0,0,0,0,162,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,158,251,254,253,237,231,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,232,231,238,254,254,139,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,241,165,92,0,0,26,92,218,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,50,0,0,0,0,0,0,32,170,220,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,250,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,51,0,0,0,0,51,164,247,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,241,208,208,209,208,241,253,169,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,254,253,222,137,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,73,73,73,73,73,73,73,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,222,181,181,181,120,37,37,37,37,37,37,16,0,0,0,0,0,0,0,0,170,210,108,190,189,232,252,252,253,252,252,252,253,252,252,252,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,143,144,143,221,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,253,252,200,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,252,237,174,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,181,252,252,154,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,252,222,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,190,145,144,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,159,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,179,179,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,78,146,171,254,254,255,210,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,76,76,114,184,228,253,253,253,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,253,253,253,253,253,253,253,250,248,251,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,232,210,171,94,44,0,135,242,166,2,0,0,0,0,0,0,0,0,0,0,0,0,5,200,253,253,253,154,33,0,0,0,0,0,35,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,244,114,7,6,11,51,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,203,70,157,204,253,253,245,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,253,253,253,253,206,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,238,191,237,245,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,228,132,92,8,0,0,61,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,54,54,29,0,0,0,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,84,0,0,23,204,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,212,141,211,253,251,124,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,166,253,207,253,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,255,255,191,0,128,128,191,64,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,128,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,191,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,191,255,255,128,0,0,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,34,118,24,5,0,0,0,0,0,0,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,244,174,17,0,0,0,0,0,95,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,174,0,0,0,0,0,0,68,246,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,26,203,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,243,50,0,0,0,0,0,174,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,231,0,0,0,0,0,110,253,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,36,219,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,170,252,202,70,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,249,75,0,0,95,253,252,240,210,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,217,32,43,230,253,252,221,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,253,253,253,252,209,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,173,252,252,231,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,227,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,249,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,209,165,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,253,235,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,180,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,246,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,192,253,145,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,253,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,219,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,208,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,242,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,160,196,174,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,185,239,254,245,235,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,127,254,253,139,42,44,146,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,233,254,97,3,0,0,0,2,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,177,2,0,0,0,67,153,223,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,75,0,0,0,79,246,250,140,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,149,23,28,92,251,254,246,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,248,254,232,235,254,254,254,254,229,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,159,194,205,254,254,169,198,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,255,189,0,10,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,250,240,56,0,10,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,156,0,0,10,254,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,207,22,0,0,73,254,224,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,131,0,0,0,122,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,254,90,0,0,31,239,203,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,232,24,0,79,58,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,232,128,57,230,108,223,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,197,225,206,146,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,230,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,169,207,169,169,169,170,94,57,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,252,252,252,253,252,252,203,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,214,139,140,139,177,252,253,252,252,252,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,160,253,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,209,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,113,163,113,150,225,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,253,254,253,253,253,254,253,253,253,254,178,104,16,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,227,228,252,233,196,197,196,215,252,253,252,252,215,51,0,0,0,0,0,0,0,0,0,0,0,69,93,56,31,31,56,37,0,0,0,19,56,119,224,252,252,247,172,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,103,252,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,252,252,0,0,0,0,0,0,0,0,0,0,104,197,126,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,197,252,250,125,0,0,0,0,0,0,0,0,0,51,126,243,252,252,0,0,0,0,0,0,0,0,0,0,126,250,254,253,253,203,141,141,104,29,41,216,253,253,254,253,244,175,0,0,0,0,0,0,0,0,0,0,0,75,203,252,252,252,253,252,252,252,253,252,252,252,253,214,130,0,0,0,0,0,0,0,0,0,0,0,0,0,7,56,94,168,168,224,224,168,253,252,224,168,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,19,0,28,28,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,170,211,138,24,24,24,66,138,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,233,89,69,253,252,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,130,0,0,117,252,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,215,21,0,76,252,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,253,169,24,255,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,252,252,253,223,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,252,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,140,231,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,159,252,187,17,42,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,240,50,0,0,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,164,0,0,43,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,243,50,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,231,0,0,51,243,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,13,174,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,247,111,172,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,158,168,43,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,193,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,238,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,249,249,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,240,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,184,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,124,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,37,37,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,182,227,254,254,245,164,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,226,181,216,230,254,223,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,29,0,4,22,236,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,237,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,152,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,127,254,254,204,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,211,254,254,254,97,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,170,245,254,254,254,254,237,235,226,226,226,226,204,145,0,0,0,0,0,0,0,0,0,0,36,93,202,248,254,254,254,254,254,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,7,156,252,254,254,254,254,254,254,254,252,248,254,254,254,248,246,194,246,142,0,0,0,0,0,0,0,0,157,254,254,254,254,254,254,246,173,152,96,19,73,73,73,17,0,0,0,0,0,0,0,0,0,0,0,0,255,254,254,254,236,172,63,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,249,198,114,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,133,189,254,255,254,254,241,156,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,247,254,254,254,254,254,254,254,254,252,183,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,254,254,170,8,8,8,8,80,135,239,254,253,211,93,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,108,0,0,0,0,0,0,10,89,184,189,253,204,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,27,0,0,0,0,0,0,0,0,0,7,40,16,0,0,0,0,0,0,0,0,0,0,0,7,246,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,196,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,189,10,107,211,211,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,254,220,182,254,254,254,246,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,254,254,220,228,254,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,254,254,201,26,67,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,219,146,43,0,12,217,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,64,26,0,91,77,9,124,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,242,201,63,254,221,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,229,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,126,239,242,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,164,255,236,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,160,254,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,249,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,254,242,221,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,254,253,138,249,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,185,202,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,226,254,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,254,254,254,254,228,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,230,254,254,254,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,125,254,254,254,254,254,254,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,157,254,254,254,254,254,254,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,187,254,254,197,235,254,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,164,254,254,251,55,208,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,107,0,72,155,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,254,254,20,0,0,108,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,138,2,0,0,108,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,234,254,254,240,16,0,0,31,213,254,212,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,254,159,0,0,0,161,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,80,0,0,75,243,254,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,250,52,0,21,234,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,96,225,255,227,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,134,253,253,230,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,206,253,247,60,65,199,253,253,202,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,221,101,0,0,21,235,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,247,253,248,54,0,0,0,0,38,253,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,200,253,250,62,0,0,0,0,0,21,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,169,253,250,106,0,0,0,0,0,0,28,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,250,102,0,0,0,0,0,0,0,125,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,148,0,0,0,0,0,0,0,0,212,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,209,12,0,0,0,0,0,0,0,48,244,253,76,0,0,0,0,0,0,0,0,0,0,0,0,30,240,253,98,0,0,0,0,0,0,0,0,119,253,199,8,0,0,0,0,0,0,0,0,0,0,0,0,54,253,221,33,0,0,0,0,0,0,0,18,223,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,88,0,0,0,0,0,0,0,0,111,253,201,20,0,0,0,0,0,0,0,0,0,0,0,0,50,249,253,20,0,0,0,0,0,0,0,48,241,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,20,0,0,0,0,0,0,0,163,253,165,8,0,0,0,0,0,0,0,0,0,0,0,0,0,10,236,253,29,0,0,0,0,0,0,72,222,238,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,201,21,0,0,0,14,109,218,230,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,219,253,156,23,11,58,225,253,247,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,253,253,253,253,253,208,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,179,253,185,149,86,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,214,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,196,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,250,227,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,101,0,0,0,0,0,0,0,0,0,9,32,27,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,53,0,0,0,0,0,0,0,0,35,178,254,245,44,0,0,0,0,0,0,0,0,0,0,0,0,228,254,53,0,0,0,0,0,0,2,38,176,254,254,254,203,0,0,0,0,0,0,0,0,0,0,0,0,228,254,53,0,0,0,0,0,0,108,254,254,254,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,228,254,77,0,0,0,0,0,86,250,254,233,252,254,244,71,0,0,0,0,0,0,0,0,0,0,0,0,228,254,237,38,0,0,0,0,122,254,220,126,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,225,56,0,0,0,198,254,254,254,254,194,18,0,0,0,0,0,0,0,0,0,0,0,0,0,10,168,239,254,238,181,117,117,231,254,254,246,204,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,108,137,253,234,165,165,165,166,231,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,92,173,253,152,112,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,253,252,253,252,253,252,253,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,255,253,254,253,254,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,253,171,71,151,151,232,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,142,61,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,163,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,20,0,0,0,0,0,62,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,172,52,51,72,152,173,253,255,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,252,253,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,255,253,255,253,244,203,203,203,204,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,192,151,151,151,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,251,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,247,202,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,241,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,183,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,0,1,111,238,128,222,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,160,68,193,226,75,0,195,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,255,180,37,0,0,133,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,115,40,3,0,0,0,133,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,194,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,234,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,205,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,129,146,173,254,227,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,251,254,254,186,250,249,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,85,85,16,1,128,247,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,197,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,225,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,197,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,79,7,0,29,29,117,141,141,141,141,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,216,252,187,169,253,252,252,252,253,214,196,196,0,0,0,0,0,0,0,0,0,0,0,0,60,197,215,252,253,252,252,252,253,233,168,68,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,252,190,139,139,139,78,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,214,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,252,206,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,79,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,190,252,253,196,131,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,252,252,252,185,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,91,165,252,252,253,252,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,244,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,75,0,0,0,0,38,213,241,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,228,141,141,141,166,253,253,254,247,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,253,252,252,227,134,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,168,205,168,168,80,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,67,67,81,192,67,67,67,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,254,254,254,177,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,254,254,254,254,177,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,254,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,113,113,113,113,113,128,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,20,187,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,212,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,254,230,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,254,254,254,183,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,94,94,153,152,238,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,10,24,105,242,254,254,236,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,247,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,249,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,48,186,254,254,221,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,115,115,115,115,115,135,254,254,254,203,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,254,254,254,254,254,254,216,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,65,87,254,254,85,65,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,253,171,13,0,0,0,0,0,0,0,82,169,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,252,56,0,0,0,0,0,0,0,197,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,26,222,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,197,0,0,0,0,0,0,0,120,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,215,19,0,0,0,0,38,98,234,252,228,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,231,125,114,138,225,237,253,252,252,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,231,253,253,254,253,253,228,242,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,84,133,134,84,84,9,141,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,223,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,242,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,218,252,52,0,0,0,63,193,193,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,173,5,0,5,153,234,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,52,0,0,162,252,221,54,218,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,36,0,161,253,178,20,101,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,252,36,105,252,248,57,18,209,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,253,87,242,253,58,7,47,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,143,252,171,2,155,249,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,236,10,88,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,164,49,213,213,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,221,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,183,252,252,252,104,0,0,0,65,51,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,168,252,252,230,229,229,244,215,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,121,131,195,183,131,109,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,143,254,224,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,147,252,252,253,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,229,252,252,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,252,252,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,252,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,252,252,253,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,252,252,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,114,190,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,137,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,55,0,0,0,43,43,43,69,148,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,168,0,22,173,253,252,252,231,124,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,246,144,237,252,241,196,73,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,236,101,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,146,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,247,251,206,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,194,252,252,204,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,235,253,239,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,193,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,205,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,250,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,18,8,31,127,223,253,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,239,197,252,252,252,199,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,252,252,182,103,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,184,185,111,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,155,155,220,252,252,253,252,240,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,250,253,252,252,210,189,253,252,252,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,13,97,170,253,253,255,228,32,0,0,0,95,247,253,137,0,0,0,0,0,0,0,0,0,0,0,17,47,212,252,252,214,206,144,75,0,0,0,0,0,184,252,211,0,0,0,0,0,0,0,0,0,0,51,188,252,253,240,151,13,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,184,252,252,253,112,0,0,0,0,0,0,0,0,0,0,142,252,252,0,0,0,0,0,0,0,0,0,95,246,252,200,128,8,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,24,253,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,0,0,0,0,0,0,0,0,97,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,138,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,233,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,17,176,244,252,0,0,0,0,0,0,0,0,253,252,236,135,63,0,0,0,0,0,0,0,0,0,53,127,234,252,252,252,0,0,0,0,0,0,0,0,74,234,253,253,253,255,180,138,138,138,139,138,222,253,253,255,253,247,188,11,0,0,0,0,0,0,0,0,0,17,175,206,227,253,252,252,252,252,253,252,252,231,231,207,185,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,131,183,183,183,183,184,183,151,37,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,134,255,254,254,201,156,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,185,250,253,254,236,239,253,253,230,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,211,253,253,192,78,12,24,93,174,186,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,201,253,240,109,5,0,0,0,0,0,81,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,254,245,70,0,0,0,0,0,0,0,52,91,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,255,39,0,0,0,0,0,0,123,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,18,238,253,114,6,0,0,0,0,2,118,209,248,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,185,0,0,0,0,0,0,50,253,213,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,155,0,0,0,0,16,137,228,195,29,204,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,193,0,0,0,91,195,254,200,18,40,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,232,239,254,254,254,158,15,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,181,254,251,241,233,83,15,0,0,123,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,78,72,30,0,0,0,0,0,136,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,210,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,126,153,182,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,253,253,253,217,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,253,253,253,253,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,121,121,169,145,231,252,253,250,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,232,253,253,152,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,192,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,254,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,210,210,105,100,100,52,0,0,0,0,158,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,253,253,253,253,253,249,243,243,147,133,217,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,255,253,253,246,142,37,0,0,0,0,0,0,0,0,0,0,0,0,254,253,219,165,165,203,246,253,253,253,254,253,253,253,253,234,199,199,165,89,0,0,0,0,0,0,0,0,153,253,158,6,3,21,84,210,253,253,254,246,242,248,222,227,248,223,131,84,0,0,0,0,0,0,0,0,77,253,253,202,176,253,253,253,253,253,215,30,0,52,35,78,52,0,0,0,0,0,0,0,0,0,0,0,9,197,253,253,253,253,253,253,253,220,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,125,143,167,215,191,76,33,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,123,222,212,212,230,238,114,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,208,63,16,0,0,27,139,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,94,12,0,0,0,0,0,4,135,250,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,206,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,177,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,199,18,0,0,0,0,0,0,0,0,0,0,8,50,129,147,191,191,191,191,192,112,43,0,0,0,29,240,84,0,0,0,0,0,0,0,0,0,0,17,174,231,188,110,21,21,21,21,127,127,117,80,18,22,143,225,7,0,0,0,0,0,0,0,0,0,29,233,186,28,0,0,0,0,0,0,0,0,0,0,185,254,253,56,0,0,0,0,0,0,0,0,0,0,175,94,4,0,0,0,0,0,0,0,0,0,0,0,107,255,253,21,0,0,0,0,0,0,0,0,0,0,213,0,0,0,0,0,0,0,0,0,0,0,22,114,237,213,27,0,0,0,0,0,0,0,0,0,0,0,146,21,0,0,0,0,0,0,0,0,15,121,222,253,138,27,0,0,0,0,0,0,0,0,0,0,0,0,96,203,75,8,0,0,0,0,6,66,149,253,225,56,4,0,0,0,0,0,0,0,0,0,0,0,0,0,15,163,248,197,126,65,100,169,191,253,244,111,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,113,192,254,253,200,147,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,242,250,163,11,0,0,0,0,0,0,0,83,16,0,0,0,0,0,0,0,0,0,0,0,0,0,79,224,254,166,98,0,0,0,0,0,0,0,37,250,97,0,0,0,0,0,0,0,0,0,0,0,0,31,246,254,254,81,46,0,0,0,0,0,0,0,41,245,113,0,0,0,0,0,0,0,0,0,0,0,5,150,254,239,191,4,0,0,0,0,0,0,0,0,120,254,143,0,0,0,0,0,0,0,0,0,0,0,150,254,254,156,46,1,0,0,0,0,0,0,0,21,233,254,62,0,0,0,0,0,0,0,0,0,0,22,237,254,247,73,0,0,0,0,0,0,0,0,0,54,254,245,42,0,0,0,0,0,0,0,0,0,0,208,254,254,150,0,0,0,0,0,0,0,0,0,0,167,254,245,90,0,0,0,0,0,0,0,0,0,0,242,254,234,23,0,0,0,0,0,0,0,21,40,83,245,254,254,127,0,0,0,0,0,0,0,0,0,0,242,255,250,153,134,196,167,186,208,208,224,235,244,254,254,194,206,40,0,0,0,0,0,0,0,0,0,0,118,245,218,254,254,254,254,254,254,240,234,190,130,254,254,161,89,0,0,0,0,0,0,0,0,0,0,0,0,41,93,218,237,114,58,58,58,31,21,0,35,250,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,197,254,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,191,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,226,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,250,217,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,160,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,125,191,215,255,238,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,118,222,249,253,253,253,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,226,253,253,253,253,230,142,217,253,253,236,112,51,0,0,0,0,0,0,0,0,0,0,0,0,44,222,251,253,221,149,48,19,15,0,103,253,253,253,253,237,0,0,0,0,0,0,0,0,0,0,0,150,239,253,253,60,18,0,0,74,192,228,245,253,253,253,253,247,0,0,0,0,0,0,0,0,0,0,150,252,253,171,48,5,0,26,92,212,253,253,253,241,162,85,111,199,0,0,0,0,0,0,0,0,0,0,248,253,199,56,0,73,86,200,253,253,253,194,82,34,0,0,2,18,0,0,0,0,0,0,0,0,0,0,248,253,253,236,209,247,253,253,253,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,250,253,253,253,253,253,253,253,253,253,218,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,112,71,195,253,253,201,238,253,253,253,244,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,51,50,65,170,253,253,228,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,78,0,0,15,171,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,181,0,0,0,14,195,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,192,9,0,0,0,169,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,150,9,0,6,180,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,253,253,78,0,60,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,249,253,229,150,222,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,217,252,253,249,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,149,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,172,255,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,127,253,253,253,253,249,140,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,232,182,247,253,253,241,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,191,60,0,95,252,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,84,9,0,0,0,94,253,253,246,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,152,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,78,78,24,0,0,0,0,148,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,27,95,200,233,253,253,225,123,60,0,0,148,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,77,207,253,253,253,253,253,253,253,245,74,64,244,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,247,241,249,253,253,253,251,251,253,253,220,26,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,177,54,0,67,133,233,253,253,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,127,25,0,0,0,100,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,219,183,183,183,237,253,253,253,253,253,235,38,0,0,0,0,0,0,0,0,0,0,0,0,36,194,253,253,253,253,253,253,253,253,253,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,242,253,253,253,253,253,253,161,37,49,152,68,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,135,201,253,170,100,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,207,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,249,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,193,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,209,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,187,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,155,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,238,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,231,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,216,254,156,156,156,156,119,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,204,39,136,61,68,91,218,222,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,211,198,6,0,0,0,0,0,98,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,242,43,0,0,0,0,0,0,150,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,158,0,0,0,0,0,0,16,217,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,136,0,0,0,0,0,0,40,254,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,219,36,0,0,0,0,0,0,123,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,98,0,0,0,0,0,0,0,136,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,237,45,0,0,0,0,0,0,0,189,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,36,0,0,0,0,0,0,0,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,199,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,238,118,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,243,122,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,243,254,253,254,172,132,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,131,252,253,212,253,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,62,142,123,223,234,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,71,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,152,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,233,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,233,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,131,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,244,81,0,0,0,0,0,21,31,112,11,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,243,162,203,162,183,183,142,122,51,171,173,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,253,244,203,193,253,214,132,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,151,40,82,172,151,151,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,216,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,110,86,0,0,0,0,0,0,219,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,203,6,0,0,0,0,54,248,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,150,0,0,0,0,0,130,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,238,12,0,0,0,0,18,242,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,254,202,0,0,0,0,0,107,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,223,21,0,0,0,0,26,230,239,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,165,0,0,0,0,0,131,254,215,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,254,104,0,0,0,67,147,249,254,200,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,205,4,4,49,194,252,254,254,190,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,196,253,122,71,158,254,254,254,254,230,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,247,105,248,254,200,159,186,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,252,254,254,245,167,35,62,251,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,163,116,42,0,0,148,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,245,223,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,233,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,187,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,198,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,255,141,114,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,226,29,0,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,0,0,0,0,0,29,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,0,0,114,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,170,198,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,195,136,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,254,231,24,0,0,0,17,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,245,254,250,56,0,0,0,0,151,254,200,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,170,254,254,131,0,0,0,0,15,221,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,9,167,254,254,220,29,0,0,0,0,48,254,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,90,0,0,0,0,0,125,254,254,200,7,0,0,0,0,0,0,0,0,0,0,0,0,26,214,254,254,182,11,0,0,0,0,0,208,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,235,10,0,0,0,0,0,74,253,254,254,12,0,0,0,0,0,0,0,0,0,0,0,0,12,165,254,251,116,0,0,0,0,0,0,122,254,254,244,8,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,235,0,0,0,0,0,0,8,232,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,254,151,0,0,0,0,0,0,105,254,255,254,75,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,189,132,132,132,132,132,132,217,254,254,237,9,0,0,0,0,0,0,0,0,0,0,0,0,9,168,244,253,254,254,254,254,254,254,254,254,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,161,178,178,243,254,179,217,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,18,0,132,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,254,254,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,245,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,251,251,157,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,96,221,223,55,0,0,0,0,0,0,0,139,253,251,251,251,94,0,0,0,0,0,0,0,0,0,0,80,240,251,253,62,0,0,0,0,0,0,0,158,253,251,251,251,94,0,0,0,0,0,0,0,0,0,0,128,253,253,255,63,0,0,0,0,0,0,0,159,255,253,253,253,95,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,158,253,251,251,251,94,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,158,253,251,251,251,94,0,0,0,0,0,0,0,0,0,0,127,251,251,229,47,0,0,0,64,84,221,221,240,253,251,251,251,94,0,0,0,0,0,0,0,0,0,20,205,251,251,158,0,0,139,158,253,251,251,251,251,253,251,251,251,94,0,0,0,0,0,0,0,0,0,191,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,253,253,95,0,0,0,0,0,0,0,0,72,236,251,251,251,253,251,251,251,251,253,247,220,228,251,253,251,251,251,94,0,0,0,0,0,0,0,0,96,251,251,251,251,253,251,251,251,251,126,110,0,64,251,253,251,251,251,94,0,0,0,0,0,0,0,0,72,236,251,251,251,253,204,109,31,31,0,0,0,64,251,253,251,251,235,70,0,0,0,0,0,0,0,0,0,91,251,251,251,193,23,0,0,0,0,0,0,64,251,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,100,0,0,0,0,0,0,0,0,0,64,253,255,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,251,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,251,189,69,31,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,253,253,148,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,146,211,252,252,252,222,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,252,233,126,126,167,27,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,253,205,56,64,64,64,64,108,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,208,86,46,162,252,252,253,252,252,225,124,45,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,86,87,227,253,243,229,212,225,253,253,253,254,138,4,0,0,0,0,0,0,0,0,0,0,0,121,252,231,99,227,252,201,47,27,0,21,63,133,239,253,252,135,0,0,0,0,0,0,0,0,0,0,4,195,252,221,232,250,160,11,0,0,0,0,0,0,62,191,252,251,130,0,0,0,0,0,0,0,0,0,43,252,252,252,252,140,0,0,0,0,0,0,0,0,0,14,184,252,231,28,0,0,0,0,0,0,0,0,43,252,252,252,208,62,0,0,0,0,0,0,0,0,0,0,50,244,252,42,0,0,0,0,0,0,0,0,43,253,241,187,86,0,0,0,0,0,0,0,0,0,0,0,0,216,253,42,0,0,0,0,0,0,0,0,43,252,231,16,11,0,0,0,0,0,0,0,0,0,0,0,0,162,252,42,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,252,42,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,11,171,252,183,14,0,0,0,0,0,0,0,0,43,252,249,70,0,0,0,0,0,0,0,0,0,0,0,130,252,244,49,0,0,0,0,0,0,0,0,0,0,173,253,227,25,0,0,0,0,0,0,0,0,29,175,255,253,152,0,0,0,0,0,0,0,0,0,0,0,85,252,252,156,36,0,0,0,0,50,85,137,232,252,239,132,5,0,0,0,0,0,0,0,0,0,0,0,7,128,252,252,242,197,180,232,232,245,252,252,252,235,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,111,242,253,252,252,252,252,253,252,221,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,165,252,190,113,147,147,68,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,161,221,254,178,161,136,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,249,253,254,253,253,253,254,249,222,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,145,46,46,46,54,137,163,234,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,64,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,24,7,0,0,0,0,15,232,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,203,185,101,93,93,229,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,236,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,56,115,131,244,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,246,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,247,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,110,24,74,195,244,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,161,211,168,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,63,236,245,120,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,115,221,253,253,253,253,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,167,223,253,254,253,214,249,253,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,235,253,253,234,107,16,163,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,196,253,220,164,12,0,139,253,253,144,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,253,250,65,0,0,0,177,210,249,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,88,0,0,10,26,214,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,28,127,241,254,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,193,228,253,253,115,197,253,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,220,47,15,210,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,111,111,44,0,15,207,255,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,196,255,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,146,253,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,159,253,253,107,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,236,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,227,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,253,227,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,191,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,58,125,188,193,254,217,182,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,164,253,253,254,242,233,168,197,222,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,250,254,249,185,102,30,29,0,0,17,185,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,223,57,0,0,0,0,0,0,0,173,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,46,6,0,0,0,0,0,0,0,0,173,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,241,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,114,252,254,179,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,186,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,228,254,121,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,139,253,246,118,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,130,242,254,239,96,24,73,41,22,33,58,52,55,0,0,0,0,0,0,0,0,0,0,0,0,100,219,240,254,254,254,230,215,239,254,244,238,242,250,248,249,231,206,135,33,0,0,0,0,0,0,0,0,254,254,254,254,254,254,254,254,251,250,171,219,176,213,222,153,155,253,254,208,0,0,0,0,0,0,0,0,57,174,187,187,150,154,111,180,28,0,0,0,0,0,0,0,0,85,187,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,121,57,134,253,183,121,121,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,240,249,252,245,252,252,252,253,252,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,252,252,252,252,253,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,252,252,248,172,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,206,101,50,0,183,252,252,235,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,66,171,170,21,0,3,54,253,252,252,235,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,208,252,253,252,240,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,208,252,252,253,252,26,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,211,253,253,253,255,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,137,252,252,252,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,252,252,252,75,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,123,244,252,252,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,241,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,252,252,252,252,252,248,117,54,54,54,166,186,89,17,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,252,252,252,253,252,252,252,252,252,170,0,0,0,0,0,0,0,0,0,0,0,0,96,249,252,252,252,252,252,252,252,253,252,252,252,252,252,237,73,0,0,0,0,0,0,0,0,0,0,0,0,95,106,211,238,241,229,183,252,253,252,252,252,252,245,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,44,7,119,190,245,202,161,217,56,119,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,39,106,147,193,147,61,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,184,178,239,219,185,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,130,247,254,209,32,3,0,25,143,254,254,154,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,244,250,56,0,0,0,0,9,203,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,123,25,0,0,0,0,7,196,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,254,249,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,247,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,173,254,254,234,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,55,226,247,242,181,103,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,243,254,254,93,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,232,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,254,254,255,184,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,122,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,239,254,254,197,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,241,254,254,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,85,211,254,254,255,254,78,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,253,253,228,218,218,250,253,181,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,224,82,82,25,0,0,75,225,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,129,0,0,0,0,0,65,220,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,151,84,0,0,0,28,133,249,253,243,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,206,253,253,248,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,199,250,252,148,22,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,154,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,147,253,200,87,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,253,253,204,143,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,145,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,23,164,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,165,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,237,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,82,0,0,0,101,221,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,249,253,219,219,219,245,253,209,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,140,201,253,253,217,36,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,180,180,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,0,0,0,100,253,188,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,202,0,0,29,246,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,115,252,218,0,6,192,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,198,31,0,34,253,190,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,251,160,4,0,8,211,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,168,0,0,0,110,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,233,14,0,0,16,219,242,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,145,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,192,8,0,24,246,242,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,255,167,37,130,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,181,252,239,244,249,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,226,241,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,34,129,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,14,95,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,95,217,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,218,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,125,174,187,255,255,217,125,125,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,253,253,253,253,253,253,222,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,253,253,253,253,253,253,253,251,221,40,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,218,235,253,253,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,77,251,253,213,106,25,17,21,62,155,228,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,99,19,36,206,222,115,92,126,245,253,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,253,253,253,253,253,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,253,253,253,253,253,253,253,253,253,208,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,253,253,253,248,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,211,253,253,253,253,253,253,253,253,253,253,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,175,128,91,65,65,92,194,234,253,253,253,210,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,188,253,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,236,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,0,0,0,0,0,0,0,0,156,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,223,124,7,0,0,0,0,6,117,219,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,48,237,253,253,176,124,27,27,27,62,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,253,253,253,253,253,253,253,253,253,253,253,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,251,253,253,253,253,253,253,253,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,247,252,253,253,253,253,253,253,249,169,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,123,220,253,253,166,123,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,155,218,217,217,217,218,217,217,217,218,217,217,217,0,0,0,0,0,0,0,0,0,11,37,37,79,181,232,252,253,252,252,252,253,252,252,252,237,215,215,132,0,0,0,0,0,0,0,0,0,155,252,252,191,252,252,252,253,252,252,168,108,108,108,108,62,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,252,220,143,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,210,35,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,227,252,211,181,181,181,181,37,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,252,252,253,221,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,144,144,253,253,253,253,255,253,253,253,255,253,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,35,35,119,180,200,252,252,253,252,252,232,156,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,71,154,217,226,252,252,253,231,72,0,0,0,0,0,0,0,0,0,63,20,0,0,0,0,0,0,0,0,0,0,0,31,128,252,253,252,215,0,0,0,0,0,0,0,0,0,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,108,0,0,0,0,0,0,0,0,211,252,206,73,0,0,0,0,0,0,0,0,0,0,0,42,233,252,252,108,0,0,0,0,0,0,0,0,31,227,252,252,181,57,11,0,0,0,0,0,0,11,58,221,253,252,205,31,0,0,0,0,0,0,0,0,0,93,211,252,252,252,175,144,0,0,0,84,145,175,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,21,144,253,253,253,253,255,253,253,253,255,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,159,231,252,253,252,252,252,253,252,241,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,71,133,215,215,215,72,71,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,232,155,89,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,156,210,133,149,227,254,254,254,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,237,254,254,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,199,254,254,254,254,254,238,234,195,248,255,212,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,231,254,254,254,254,180,35,0,0,170,254,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,224,191,70,25,1,0,0,2,180,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,228,254,236,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,255,254,189,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,237,101,183,237,254,254,252,221,120,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,192,29,0,29,124,254,254,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,0,73,159,251,254,251,196,95,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,123,252,254,237,140,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,178,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,248,246,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,249,254,173,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,254,135,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,249,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,186,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,249,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,2,0,1,104,251,253,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,72,40,118,254,241,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,233,242,254,243,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,210,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,151,209,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,158,253,253,253,239,126,126,164,141,65,40,65,45,0,0,0,0,0,0,0,0,0,0,0,0,82,163,242,254,253,253,253,253,254,253,253,254,253,240,254,211,67,13,20,5,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,253,253,253,254,253,254,226,251,152,0,0,0,0,0,0,0,0,243,253,253,253,253,113,54,93,161,184,223,223,223,223,223,233,249,246,225,235,0,0,0,0,0,0,0,0,104,239,253,253,253,253,253,200,54,0,0,0,0,0,0,22,60,52,3,28,0,0,0,0,0,0,0,0,0,55,139,248,253,253,253,253,211,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,128,245,253,253,254,242,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,77,159,242,253,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,250,253,242,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,245,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,128,0,0,0,0,0,4,63,240,253,254,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,208,179,172,80,80,114,191,253,253,253,203,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,167,254,254,253,254,253,254,253,235,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,125,190,253,253,204,233,145,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,100,37,5,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,255,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,8,28,136,136,136,136,136,136,101,13,3,101,237,253,147,1,0,0,0,0,0,0,0,0,0,0,1,28,208,253,253,253,250,235,248,253,253,253,119,12,153,253,253,12,0,0,0,0,0,0,0,0,0,0,13,253,253,250,149,105,85,0,77,105,105,213,253,215,129,253,242,11,0,0,0,0,0,0,0,0,0,0,13,253,250,195,0,0,0,0,0,0,0,32,212,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,13,253,244,63,0,0,0,0,0,0,0,0,88,253,253,186,7,0,0,0,0,0,0,0,0,0,0,0,5,159,253,185,38,0,0,0,0,0,0,0,88,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,234,242,92,16,0,0,0,0,80,201,253,185,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,233,253,179,44,0,0,81,239,234,197,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,190,253,238,96,96,239,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,86,233,253,253,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,253,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,166,239,233,172,236,253,170,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,176,253,191,65,0,34,170,253,171,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,240,253,165,11,0,0,0,12,139,240,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,166,10,0,0,0,0,0,0,217,242,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,108,8,0,0,0,0,0,0,0,217,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,163,112,112,112,112,112,25,91,154,251,209,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,150,253,253,253,253,253,253,244,251,253,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,5,91,129,190,129,129,129,87,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,213,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,237,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,255,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,236,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,230,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,233,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,118,118,118,118,118,118,118,118,118,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,171,253,253,253,253,253,253,253,253,253,253,221,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,215,149,149,149,149,149,149,221,250,137,0,0,0,0,0,0,0,0,0,0,0,0,0,156,251,253,109,25,16,0,0,0,0,0,0,59,253,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,92,162,12,0,0,0,0,0,0,0,0,46,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,225,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,240,241,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,239,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,176,253,208,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,239,240,101,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,239,213,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,240,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,87,241,201,84,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,253,253,91,0,0,8,33,33,33,50,163,163,163,163,163,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,173,156,156,179,253,253,253,253,237,217,170,156,97,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,253,248,234,234,234,234,217,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,245,253,242,132,110,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,117,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,212,0,0,0,0,0,39,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,97,0,0,0,0,88,237,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,61,0,0,0,0,149,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,61,0,0,0,0,149,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,61,0,0,0,0,192,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,79,0,0,0,0,237,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,249,193,193,106,160,250,223,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,157,224,245,245,246,250,254,249,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,200,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,181,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,136,136,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,114,0,0,0,15,229,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,230,0,0,0,15,228,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,230,0,0,0,24,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,230,0,0,0,24,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,230,0,0,0,24,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,230,0,0,0,19,240,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,221,0,0,0,0,184,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,104,0,0,0,17,234,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,224,17,0,0,0,24,254,229,15,74,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,206,0,0,47,64,182,253,254,232,241,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,228,124,207,254,253,253,253,247,179,137,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,253,253,228,160,135,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,151,210,176,93,0,0,24,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,24,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,218,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,247,252,173,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,251,160,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,164,247,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,242,134,4,0,0,20,92,215,233,118,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,100,0,0,11,143,246,252,252,253,252,79,48,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,217,12,0,0,130,252,252,252,252,253,252,155,66,0,0,0,0,0,0,0,0,0,0,0,4,183,253,212,27,0,0,18,255,253,253,253,253,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,71,0,0,0,141,253,252,166,145,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,224,252,146,0,0,0,59,249,232,91,13,211,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,57,246,252,42,0,0,0,134,252,185,0,119,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,42,0,0,0,169,252,150,36,241,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,42,0,0,0,64,253,255,253,253,225,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,252,156,0,0,0,99,252,253,252,252,140,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,252,252,233,232,232,246,252,241,247,252,238,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,242,253,252,252,252,226,35,63,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,165,252,155,77,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,0,0,0,0,0,0,0,230,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,124,212,18,0,0,0,0,0,0,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,218,0,0,0,0,0,0,20,238,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,214,106,0,0,0,0,0,0,26,241,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,58,0,0,0,0,0,0,40,246,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,243,32,0,0,0,0,0,0,70,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,162,0,0,0,0,0,33,38,159,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,145,0,0,47,126,168,248,254,254,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,229,130,196,247,217,193,109,42,175,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,204,166,81,7,0,0,0,226,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,201,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,175,255,255,236,158,129,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,178,254,254,254,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,180,111,131,85,127,133,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,72,0,0,0,0,0,0,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,72,0,0,0,0,0,0,235,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,217,182,2,0,0,0,0,75,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,101,11,0,0,2,127,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,251,219,111,82,128,254,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,153,239,244,245,235,254,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,39,39,88,252,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,192,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,233,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,157,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,253,192,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,253,252,187,169,108,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,106,130,168,243,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,151,0,0,0,25,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,253,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,149,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,252,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,85,10,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,229,252,77,3,0,0,38,237,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,241,254,134,0,0,0,45,229,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,159,0,26,70,225,252,252,209,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,156,253,240,197,222,253,252,252,177,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,165,252,252,253,252,164,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,214,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,225,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,217,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,255,166,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,211,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,183,142,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,254,253,254,253,254,253,254,172,52,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,253,252,253,252,253,252,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,254,253,254,253,254,253,234,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,253,212,50,50,71,111,30,50,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,62,254,253,244,162,41,0,0,0,0,0,0,0,163,243,254,253,214,10,0,0,0,0,0,0,0,0,21,203,253,252,122,0,0,0,0,0,0,0,0,0,0,81,213,252,253,131,0,0,0,0,0,0,0,0,51,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,253,0,0,0,0,0,0,0,0,132,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,0,0,0,0,0,0,0,0,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,254,233,0,0,0,0,0,0,0,0,253,252,223,20,0,0,0,0,0,0,0,0,0,0,21,142,233,252,233,50,0,0,0,0,0,0,0,0,234,253,254,71,0,0,0,0,0,0,0,21,72,152,254,253,254,233,82,0,0,0,0,0,0,0,0,0,71,252,253,232,142,102,102,102,102,102,163,223,253,252,253,252,172,30,0,0,0,0,0,0,0,0,0,0,21,183,255,253,255,253,254,253,254,253,254,253,254,233,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,232,253,252,253,252,253,252,253,171,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,102,102,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,241,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,98,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,150,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,251,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,251,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,113,121,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,154,164,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,216,80,0,0,0,0,0,23,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,232,248,19,0,0,0,9,126,239,236,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,244,0,0,0,1,186,215,128,128,236,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,156,0,0,0,105,205,49,0,0,186,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,101,0,0,16,186,36,0,0,0,71,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,67,0,0,140,128,0,0,0,0,68,255,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,113,0,12,198,28,0,0,0,0,68,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,236,115,92,196,10,0,0,20,56,216,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,163,250,254,240,183,193,193,237,245,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,157,255,207,165,158,76,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,138,191,139,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,219,252,252,252,253,236,161,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,252,170,69,69,69,90,202,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,120,13,0,0,0,0,13,173,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,180,8,0,0,0,0,0,0,9,75,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,0,0,0,0,0,0,0,0,0,64,255,159,7,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,32,0,0,0,0,0,0,0,26,205,253,187,19,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,229,133,93,17,0,0,17,93,203,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,253,252,252,234,230,231,234,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,189,230,230,251,255,249,247,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,92,75,111,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,216,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,244,253,227,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,138,138,139,159,169,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,89,109,162,219,252,252,252,249,236,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,252,252,247,228,151,0,0,0,0,0,0,0,0,0,0,0,0,0,76,207,43,0,142,252,252,253,252,252,218,108,46,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,231,42,70,252,252,253,157,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,236,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,169,252,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,104,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,190,161,57,43,9,26,215,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,183,246,247,197,221,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,148,231,221,252,147,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,154,253,253,253,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,131,197,252,253,252,208,196,253,84,0,101,170,56,0,0,0,0,0,0,0,0,0,0,0,0,29,85,229,252,252,177,56,56,13,0,56,75,123,246,253,84,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,227,103,3,0,0,0,0,76,243,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,135,253,251,75,0,0,0,0,0,26,255,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,244,82,0,0,7,57,144,243,253,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,240,197,147,204,252,252,177,216,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,203,252,252,252,253,227,103,3,141,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,113,51,0,0,63,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,132,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,62,102,163,203,213,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,253,254,253,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,244,243,203,102,82,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,182,141,122,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,254,213,152,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,253,252,253,252,253,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,254,253,254,213,234,253,254,253,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,212,50,10,30,91,213,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,20,0,0,0,0,41,223,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,21,0,0,0,0,0,0,0,0,41,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,223,162,41,0,0,0,0,0,0,0,253,212,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,173,253,234,71,0,0,0,0,31,193,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,253,252,142,20,0,41,213,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,255,253,255,253,255,253,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,253,252,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,255,253,255,253,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,226,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,198,57,0,57,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,29,0,0,0,29,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,86,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,57,0,0,0,0,29,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,0,0,0,0,0,114,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,57,0,0,0,86,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,170,0,0,0,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,170,86,114,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,255,255,255,198,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,170,57,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,130,113,89,130,219,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,183,246,251,235,235,207,206,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,90,0,0,0,63,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,244,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,195,56,99,120,180,180,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,253,253,253,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,41,69,69,150,192,236,253,253,253,253,253,195,185,133,5,0,0,0,0,0,0,0,0,0,0,0,4,144,231,253,253,253,253,253,253,253,195,79,55,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,243,172,151,73,190,253,198,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,113,94,38,0,0,0,56,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,233,254,253,234,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,21,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,253,254,253,234,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,172,252,253,252,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,0,0,132,253,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,171,0,123,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,253,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,131,50,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,162,205,205,78,9,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,123,252,252,252,243,196,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,252,252,252,166,167,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,251,163,39,2,2,39,230,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,241,0,0,0,0,0,161,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,171,245,35,0,0,0,0,209,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,201,3,0,0,8,211,252,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,85,20,21,223,252,252,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,232,216,197,252,252,246,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,252,253,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,255,216,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,246,252,252,252,253,203,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,219,252,252,252,209,167,252,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,252,121,6,34,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,252,252,66,0,34,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,218,14,126,158,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,210,174,250,253,252,248,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,252,252,253,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,252,252,252,219,114,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,147,233,109,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,239,253,253,216,126,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,253,224,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,253,253,243,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,241,253,233,167,75,233,253,253,225,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,123,0,0,56,237,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,247,253,253,123,0,0,0,55,225,253,212,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,123,0,0,0,0,57,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,123,0,0,0,0,16,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,225,11,0,0,0,0,16,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,198,253,253,115,0,0,0,0,0,16,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,211,35,0,0,0,0,0,16,253,223,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,168,0,0,0,0,0,20,174,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,249,253,168,0,0,0,0,0,79,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,207,32,0,0,0,0,224,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,114,30,0,58,216,249,253,225,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,206,162,226,253,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,204,253,253,253,253,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,190,238,253,253,253,253,163,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,179,253,145,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,254,254,172,96,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,154,232,253,253,253,253,249,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,10,10,10,164,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,247,254,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,99,248,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,242,127,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,254,253,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,210,253,253,254,253,253,227,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,111,215,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,237,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,251,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,60,12,12,12,75,151,250,253,222,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,253,255,253,253,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,254,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,133,162,253,157,143,114,33,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,18,18,76,136,136,136,136,236,254,255,185,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,253,253,253,253,245,229,223,234,253,253,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,199,82,82,63,25,14,37,82,182,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,11,0,0,0,0,0,0,0,148,253,206,15,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,11,0,0,0,0,0,0,0,148,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,11,0,0,0,0,0,0,5,192,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,11,0,0,0,0,0,0,15,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,11,0,0,0,0,0,0,141,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,11,0,0,0,0,0,0,249,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,201,9,0,0,0,0,0,107,252,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,146,176,20,0,0,0,0,0,29,238,253,244,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,248,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,240,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,236,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,107,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,174,167,108,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,163,203,160,234,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,199,105,6,0,122,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,210,30,0,0,0,53,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,215,35,0,0,0,0,89,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,48,0,0,0,0,4,173,194,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,179,254,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,106,230,254,254,254,220,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,225,231,135,51,64,210,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,120,21,0,0,0,159,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,236,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,156,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,106,0,0,0,0,0,0,3,108,254,182,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,245,74,9,0,0,0,10,131,245,199,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,254,212,193,110,182,214,229,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,208,223,223,254,239,123,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,216,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,215,225,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,177,250,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,247,174,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,215,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,156,254,146,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,247,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,217,247,101,121,91,51,51,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,171,254,127,108,254,254,254,254,184,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,216,22,5,29,73,113,172,254,156,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,247,77,0,0,0,0,0,6,157,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,148,0,0,0,0,0,0,57,210,237,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,250,247,47,0,0,0,13,116,200,247,169,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,149,0,0,61,117,231,254,171,49,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,251,247,247,253,241,132,48,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,100,234,254,216,131,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,59,59,23,0,0,0,0,0,28,59,59,133,253,233,0,0,0,0,0,0,0,0,0,0,0,0,55,210,251,251,167,117,117,117,117,118,179,251,251,251,251,240,81,0,0,0,0,0,0,0,0,0,0,0,36,198,251,251,251,251,251,251,251,253,251,251,251,251,251,251,173,0,0,0,0,0,0,0,0,0,0,0,0,148,218,251,251,251,251,251,251,253,251,251,251,251,251,232,13,0,0,0,0,0,0,0,0,0,0,0,0,0,24,153,153,153,183,251,251,253,251,251,251,251,251,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,96,96,97,96,204,251,251,251,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,239,251,251,119,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,251,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,251,251,251,198,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,255,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,220,253,251,251,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,216,251,253,251,128,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,251,253,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,251,251,253,205,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,251,251,221,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,117,251,251,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,4,83,130,49,92,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,205,238,208,253,253,200,104,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,202,253,253,253,253,253,253,253,249,176,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,228,110,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,253,253,253,253,253,253,238,110,199,49,11,32,4,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,231,201,111,216,192,93,47,33,207,67,106,253,30,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,203,152,44,15,0,0,33,101,253,226,239,253,30,0,0,0,0,0,0,0,0,0,0,0,0,2,173,253,253,253,253,119,50,78,232,253,253,253,151,98,10,0,0,0,0,0,0,0,0,0,0,0,0,0,46,229,253,253,253,253,253,253,253,253,253,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,253,253,253,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,140,253,253,253,253,253,253,253,253,104,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,176,253,253,253,253,253,253,253,253,234,199,90,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,226,121,253,214,253,253,253,253,181,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,179,253,253,253,172,196,59,128,175,253,211,253,214,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,253,253,253,244,217,118,71,240,236,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,253,228,249,253,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,135,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,253,253,253,253,253,253,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,137,218,135,234,253,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,4,0,47,129,69,129,129,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,128,128,128,128,128,128,128,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,128,128,128,128,0,128,128,64,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,128,128,64,0,0,128,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,64,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,128,255,191,128,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,152,193,254,253,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,252,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,253,254,253,183,102,203,203,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,172,50,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,21,0,0,0,0,123,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,142,0,0,0,21,223,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,172,72,193,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,252,253,252,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,224,223,41,82,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,20,20,0,0,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,156,73,73,73,73,73,137,131,215,254,254,254,255,134,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,254,253,253,253,253,218,198,198,159,192,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,6,49,216,69,36,68,36,36,13,0,0,0,168,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,222,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,248,244,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,242,240,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,247,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,238,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,169,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,228,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,129,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,112,156,227,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,128,14,217,237,252,252,252,173,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,206,251,252,236,253,252,252,252,252,253,246,116,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,148,252,252,252,182,84,84,84,84,154,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,236,173,50,42,24,0,0,0,27,167,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,177,0,0,0,0,0,50,113,209,253,254,253,109,0,0,0,0,0,0,0,0,0,0,0,0,16,232,137,0,0,0,0,36,103,211,252,252,252,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,119,252,138,13,22,75,171,223,253,252,252,252,252,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,217,218,252,252,252,252,253,252,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,252,253,252,252,252,252,147,226,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,211,194,141,149,0,0,8,201,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,232,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,255,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,255,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,241,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,221,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,228,12,0,0,0,0,0,8,105,110,110,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,194,0,0,0,0,7,126,216,254,254,254,248,116,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,194,0,0,0,6,162,254,254,254,236,223,254,248,73,0,0,0,0,0,0,0,0,0,0,0,0,138,254,248,18,0,21,138,238,254,238,90,18,23,235,254,117,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,20,3,220,251,254,197,47,0,0,97,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,63,253,254,130,167,254,254,183,2,0,0,63,230,254,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,254,254,169,15,0,0,38,230,254,235,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,254,242,16,6,33,80,227,254,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,254,254,251,172,172,254,254,254,239,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,250,254,254,254,254,254,254,195,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,200,143,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,118,199,234,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,137,137,192,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,97,254,254,254,254,254,210,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,254,254,221,118,134,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,135,254,253,117,24,0,78,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,110,0,0,0,120,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,254,254,11,0,0,0,196,254,254,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,174,254,252,94,1,0,0,30,225,254,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,0,60,254,254,254,254,241,50,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,7,147,254,254,236,159,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,186,7,0,0,70,255,254,160,43,10,230,240,50,0,0,0,0,0,0,0,0,0,0,0,0,9,155,254,254,203,83,144,233,254,159,10,0,0,148,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,254,254,254,254,239,131,10,0,0,0,148,254,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,17,65,141,141,130,19,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,168,254,254,94,0,0,0,0,0,0,0,0,0,0,0,26,159,66,35,38,0,0,0,0,0,0,60,185,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,8,150,254,230,232,202,135,84,84,139,183,250,254,254,254,163,11,0,0,0,0,0,0,0,0,0,0,0,0,8,124,189,254,254,254,254,254,254,254,254,254,243,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,67,135,135,135,219,163,135,135,75,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,166,255,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,236,254,254,176,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,237,175,95,7,5,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,231,177,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,167,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,239,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,137,0,12,80,143,111,72,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,233,254,96,46,220,254,234,253,254,191,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,242,254,133,234,226,129,45,157,240,254,160,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,238,123,5,0,0,0,82,251,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,254,74,0,0,0,0,0,0,194,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,22,0,0,0,0,0,0,170,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,95,0,0,0,0,0,0,170,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,231,44,0,0,0,0,0,170,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,254,242,162,28,4,8,109,242,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,181,254,254,254,216,253,254,189,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,97,163,180,243,151,89,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,48,48,48,48,48,90,48,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,206,254,254,254,254,254,254,254,233,198,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,255,254,251,218,211,114,114,135,218,218,246,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,67,67,67,61,0,0,0,0,0,0,0,193,246,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,114,253,254,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,147,254,254,206,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,63,131,204,254,254,176,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,163,225,254,254,254,254,130,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,254,198,156,59,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,145,125,64,77,111,116,155,253,254,254,239,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,158,226,254,250,114,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,71,226,254,192,17,0,0,0,0,0,0,0,0,0,0,33,170,147,0,0,0,0,0,0,0,0,0,0,0,10,152,254,144,0,0,0,0,0,0,0,0,0,0,141,229,14,0,0,0,0,0,0,0,0,0,0,0,0,11,254,182,0,0,0,0,0,0,0,0,0,0,235,178,2,0,0,0,0,0,0,0,0,0,0,0,0,114,254,246,0,0,0,0,0,0,0,0,0,0,217,254,168,49,0,0,0,0,0,0,0,0,21,77,172,243,254,150,0,0,0,0,0,0,0,0,0,0,50,247,254,244,219,219,219,219,135,217,219,219,230,254,254,250,178,40,0,0,0,0,0,0,0,0,0,0,0,31,189,197,248,254,254,254,254,254,254,254,237,188,94,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,46,46,46,87,48,46,46,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,83,161,187,196,254,255,254,255,254,254,254,190,102,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,254,254,254,238,176,176,176,176,176,176,235,254,253,128,0,0,0,0,0,0,0,0,0,0,0,213,253,131,95,74,8,7,0,0,0,0,0,0,6,79,234,248,49,0,0,0,0,0,0,0,0,0,0,174,108,1,0,0,0,0,0,0,0,0,0,0,0,0,132,254,77,0,0,0,0,0,0,0,0,0,0,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,192,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,212,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,232,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,251,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,243,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,242,243,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,242,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,197,91,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,13,0,0,0,0,0,0,114,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,113,0,0,0,0,0,0,138,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,0,0,0,0,0,137,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,138,246,252,113,0,0,0,0,26,150,187,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,203,0,0,0,0,0,108,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,151,0,0,0,0,0,131,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,224,19,0,0,0,0,0,169,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,118,0,0,0,0,0,76,243,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,97,10,16,0,19,29,79,254,253,253,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,38,175,253,234,197,215,170,225,252,252,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,168,187,252,252,253,252,252,252,253,145,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,139,140,139,177,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,251,254,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,234,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,249,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,254,254,200,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,195,254,254,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,201,254,254,254,161,0,2,114,150,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,254,254,254,169,18,0,118,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,138,254,254,254,199,19,0,69,249,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,254,241,57,0,33,216,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,233,254,254,243,66,0,6,168,254,254,254,254,213,88,6,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,244,67,0,0,121,254,254,254,254,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,46,246,254,254,95,5,5,77,245,254,254,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,43,245,254,254,254,254,254,254,254,254,254,254,254,254,254,241,95,0,0,0,0,0,0,0,0,0,0,0,0,204,254,254,254,254,254,254,254,254,254,254,254,189,168,51,0,0,0,0,0,0,0,0,0,0,0,0,0,30,194,254,254,254,254,254,254,254,231,167,83,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,220,254,254,254,254,135,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,211,254,254,225,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,226,165,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,59,9,0,0,0,23,50,89,156,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,162,229,254,220,214,214,214,230,247,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,254,253,253,253,253,254,253,253,210,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,247,253,237,214,213,213,71,131,177,168,87,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,229,253,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,239,24,13,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,254,251,234,237,238,235,234,166,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,253,253,253,254,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,254,213,105,98,135,180,236,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,39,39,39,12,0,0,0,0,27,237,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,165,0,0,0,0,0,0,0,0,0,0,0,0,16,0,0,0,0,0,0,0,0,0,0,0,0,151,253,180,0,0,0,0,0,0,0,0,0,0,0,0,180,30,0,0,0,0,0,0,0,0,0,0,31,241,253,60,0,0,0,0,0,0,0,0,0,0,0,0,194,158,0,0,0,0,0,0,0,0,0,103,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,156,242,50,2,0,0,0,0,0,0,80,232,253,250,106,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,128,18,0,0,0,13,153,254,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,149,253,253,238,175,136,166,237,253,254,250,116,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,88,155,155,155,155,155,155,155,155,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,152,152,173,172,152,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,213,252,253,252,253,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,253,254,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,253,252,253,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,233,203,203,203,243,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,192,50,0,0,0,162,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,183,20,0,0,0,21,132,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,203,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,254,253,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,253,254,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,252,253,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,213,102,61,102,183,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,253,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,131,0,0,0,21,254,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,142,102,123,223,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,255,253,255,253,255,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,252,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,253,255,253,203,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,39,113,242,22,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,225,199,185,185,185,185,111,77,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,249,249,249,249,249,249,144,140,97,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,233,246,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,183,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,227,128,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,103,228,254,247,234,234,148,70,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,92,128,204,255,254,254,194,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,54,54,110,223,234,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,238,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,250,214,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,127,246,192,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,0,0,0,26,186,254,229,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,139,179,179,179,237,254,209,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,146,192,192,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,8,0,0,83,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,71,0,0,182,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,94,254,35,0,0,227,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,202,240,123,4,0,55,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,191,253,158,18,0,0,135,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,150,240,107,4,0,0,0,180,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,108,250,79,0,0,0,0,56,228,50,0,0,10,17,2,0,0,0,0,0,0,0,0,0,0,0,0,85,253,130,0,0,0,0,37,139,253,181,203,203,230,208,44,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,227,245,254,255,254,254,254,255,254,210,149,87,41,0,0,0,0,0,0,0,0,0,0,0,0,76,253,244,253,242,237,254,235,244,135,103,76,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,88,159,124,50,36,34,54,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,240,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,121,121,184,253,253,253,253,154,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,240,242,252,252,252,253,252,252,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,252,252,197,158,159,158,158,237,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,39,39,17,0,0,0,0,213,252,235,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,244,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,252,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,247,252,187,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,191,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,252,252,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,236,252,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,200,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,252,212,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,154,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,104,156,171,216,255,171,89,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,247,233,233,234,242,253,247,177,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,239,54,0,0,0,36,145,217,253,236,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,18,0,0,0,0,0,0,26,169,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,241,30,0,0,0,0,0,0,0,0,0,0,0,0,71,246,216,61,0,0,0,0,0,0,0,0,0,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,125,251,253,207,35,6,0,0,0,0,0,4,95,254,236,42,0,0,0,0,0,0,0,0,0,0,0,0,0,87,235,254,253,199,86,18,0,0,0,100,253,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,139,216,253,253,163,68,4,100,251,253,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,126,245,253,240,199,253,237,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,255,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,244,254,245,253,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,240,253,183,48,169,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,247,253,185,8,0,36,243,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,207,253,237,36,0,0,0,159,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,57,0,0,0,0,137,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,19,0,0,0,7,183,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,128,79,79,86,199,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,253,253,253,254,253,253,231,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,155,155,230,193,147,58,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,143,132,128,13,13,13,13,47,132,132,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,252,252,253,252,252,252,252,252,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,108,228,252,252,252,253,252,252,252,252,252,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,84,141,205,204,211,252,252,252,252,252,208,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,252,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,184,252,252,252,153,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,232,252,252,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,220,252,252,234,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,109,109,109,109,235,253,252,236,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,244,252,252,252,252,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,253,255,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,252,241,253,252,252,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,167,50,96,96,170,158,129,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,185,252,252,236,101,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,179,252,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,162,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,232,252,252,162,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,241,115,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,165,235,255,254,254,254,235,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,246,230,157,89,89,137,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,179,16,0,0,0,78,253,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,215,119,11,0,0,159,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,250,248,240,187,84,28,240,246,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,94,21,34,70,203,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,75,0,107,220,253,177,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,116,69,226,246,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,249,243,248,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,253,248,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,154,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,211,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,235,173,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,139,27,196,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,58,0,116,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,81,0,18,225,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,236,206,2,0,189,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,121,5,101,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,229,241,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,87,151,203,177,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,254,253,220,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,254,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,246,253,254,253,253,174,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,226,253,253,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,254,253,253,253,182,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,253,253,210,111,180,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,17,0,37,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,253,253,253,143,0,0,37,253,253,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,201,11,0,0,2,58,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,186,254,254,250,81,0,0,0,0,24,217,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,156,0,0,0,0,0,0,182,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,82,0,0,0,0,0,7,192,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,36,0,0,0,0,0,72,253,239,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,145,6,0,0,0,56,230,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,199,194,80,194,231,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,253,253,253,253,253,254,253,253,253,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,253,253,253,253,253,254,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,228,253,253,253,253,254,253,253,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,132,236,253,253,254,195,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,212,104,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,232,135,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,39,39,63,147,240,245,143,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,182,254,157,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,249,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,204,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,213,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,255,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,240,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,251,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,233,220,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,186,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,120,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,242,253,229,159,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,205,253,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,202,253,188,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,251,253,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,233,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,214,0,0,10,78,78,185,231,137,231,161,12,0,0,0,0,0,0,0,0,0,0,0,0,0,33,221,253,200,0,167,186,253,253,253,253,253,253,253,188,79,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,61,68,246,253,253,253,166,129,129,137,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,34,224,253,84,208,253,183,30,30,9,0,0,2,30,220,247,40,0,0,0,0,0,0,0,0,0,0,0,32,218,253,61,130,252,68,0,0,0,0,0,0,0,216,253,151,3,0,0,0,0,0,0,0,0,0,0,26,204,253,130,0,168,138,0,0,0,0,0,0,0,216,253,203,25,0,0,0,0,0,0,0,0,0,0,0,146,253,224,28,13,33,0,0,0,0,0,4,132,248,253,145,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,203,17,8,8,8,8,8,51,167,253,253,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,253,253,253,253,253,253,253,161,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,162,229,253,253,253,253,253,253,253,207,45,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,150,253,253,253,159,178,99,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,192,255,213,171,84,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,45,163,254,207,162,204,252,193,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,254,254,254,86,0,0,108,230,235,131,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,127,202,237,227,243,128,3,0,0,63,203,212,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,141,31,145,250,103,0,0,0,146,185,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,133,0,0,145,187,0,0,0,36,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,247,95,0,0,56,223,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,179,0,0,31,226,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,239,84,0,165,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,222,111,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,226,254,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,125,246,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,254,172,182,224,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,229,122,6,26,113,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,203,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,198,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,191,239,124,121,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,126,237,240,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,170,198,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,255,255,255,255,170,0,0,0,86,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,198,29,57,0,170,57,0,0,0,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,114,0,0,0,0,198,86,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,114,0,0,0,0,255,0,0,0,29,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,198,29,0,0,226,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,141,0,0,0,0,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,114,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,141,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,114,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,152,112,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,252,253,212,203,122,102,102,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,233,142,102,203,203,254,253,254,253,255,213,21,0,0,0,0,0,0,0,0,0,0,82,82,223,253,252,233,50,0,0,0,0,50,50,112,151,213,252,203,20,0,0,0,0,0,0,0,0,11,213,254,253,254,213,0,0,0,0,0,0,0,0,0,62,255,253,244,40,0,0,0,0,0,0,0,0,51,252,253,252,131,10,0,0,0,0,0,0,0,0,0,183,253,252,162,0,0,0,0,0,0,0,0,0,0,123,203,81,0,0,0,0,0,0,0,0,0,0,173,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,223,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,158,255,254,255,254,254,221,130,91,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,251,244,253,253,253,253,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,111,111,111,90,25,111,111,147,241,253,213,143,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,228,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,38,131,161,236,253,253,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,186,253,253,253,253,253,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,253,253,237,161,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,253,253,253,117,74,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,159,253,253,207,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,159,253,253,237,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,159,253,253,174,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,136,248,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,112,136,240,253,253,253,163,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,253,253,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,214,165,129,35,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,164,164,164,164,164,164,164,164,164,155,15,11,0,0,0,0,0,0,0,0,0,0,0,0,0,50,229,252,252,252,252,252,252,252,252,253,252,252,252,212,120,56,0,0,0,0,0,0,0,0,0,0,0,236,252,252,252,252,252,252,252,252,252,253,252,252,252,252,252,236,170,18,0,0,0,0,0,0,0,0,0,223,229,232,151,74,74,74,74,74,74,135,222,223,252,252,252,252,252,195,91,0,0,0,0,0,0,0,0,0,28,42,0,0,0,0,0,0,0,0,0,7,118,118,213,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,90,133,248,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,6,45,45,72,106,46,168,197,252,252,252,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,253,252,252,252,252,252,252,252,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,255,253,253,253,253,253,253,253,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,6,44,184,202,252,228,192,192,192,192,234,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,88,53,0,0,0,58,226,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,120,237,252,252,252,230,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,75,75,75,110,225,252,252,252,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,248,252,252,253,252,252,252,252,248,222,82,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,253,252,252,252,212,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,14,154,162,162,163,162,153,14,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,227,254,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,239,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,254,254,231,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,169,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,254,243,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,219,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,234,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,147,230,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,254,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,230,254,254,254,191,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,174,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,137,137,137,245,189,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,164,254,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,213,254,254,242,201,201,225,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,148,254,254,190,50,0,0,29,162,247,168,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,254,254,193,18,0,0,0,0,172,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,249,13,0,0,0,0,0,250,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,134,0,0,0,0,0,109,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,254,254,129,0,0,0,0,0,114,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,129,0,0,0,0,0,188,254,254,224,26,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,254,214,60,50,42,60,105,248,254,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,199,254,254,254,254,245,237,254,254,254,254,254,244,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,237,254,254,254,254,255,254,255,254,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,73,194,205,254,93,23,23,76,252,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,5,2,0,0,0,250,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,255,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,210,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,149,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,88,136,222,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,89,205,253,253,244,218,171,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,240,253,253,247,178,61,0,0,0,0,0,0,0,0,0,0,0,0,0,49,52,0,0,0,0,32,189,239,253,188,122,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,200,240,38,0,0,0,27,164,164,66,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,185,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,163,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,183,160,160,157,42,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,253,241,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,237,176,176,176,178,253,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,200,0,0,0,1,41,175,253,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,93,0,0,0,0,0,34,220,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,52,2,0,0,0,0,0,0,172,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,28,0,0,0,0,74,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,231,69,0,0,0,8,192,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,164,0,0,0,72,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,235,62,2,84,190,253,228,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,239,220,253,253,230,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,232,253,253,253,178,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,225,253,255,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,170,252,252,252,253,252,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,243,252,252,252,252,253,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,249,252,251,163,87,10,25,155,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,217,0,0,0,0,52,243,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,252,183,38,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,21,5,0,0,0,0,0,0,209,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,67,167,157,67,67,91,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,181,252,252,252,252,252,253,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,239,252,245,225,121,209,252,253,252,252,137,132,132,132,62,0,0,0,0,0,0,0,0,0,0,0,15,181,252,216,81,0,0,149,252,253,252,252,252,240,197,197,115,0,0,0,0,0,0,0,0,0,0,0,67,252,245,57,0,4,108,238,252,242,88,55,55,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,129,0,9,119,252,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,153,154,231,252,252,220,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,239,252,252,252,252,205,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,252,214,42,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,101,227,255,254,133,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,94,154,217,253,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,253,253,212,156,213,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,253,242,100,15,0,82,252,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,192,39,0,0,0,40,250,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,198,13,0,0,0,0,162,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,6,0,0,0,0,3,231,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,253,246,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,253,99,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,253,242,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,227,253,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,76,136,211,227,172,255,254,194,136,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,253,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,212,247,182,182,182,242,253,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,42,0,0,64,246,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,206,253,253,253,241,125,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,143,250,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,204,253,253,253,253,253,243,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,249,253,253,253,253,253,253,253,185,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,253,253,253,253,253,253,239,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,253,241,176,86,59,59,120,221,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,147,34,0,0,0,0,0,49,253,194,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,133,251,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,76,8,0,0,0,0,0,0,0,0,181,253,253,253,246,47,0,0,0,0,0,0,0,0,0,0,0,0,171,154,31,0,0,0,0,0,73,166,246,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,229,133,66,66,66,148,237,253,253,253,246,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,253,253,253,253,253,253,211,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,242,253,253,253,253,253,253,110,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,130,201,253,226,100,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,246,89,11,11,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,209,254,254,254,254,254,195,165,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,245,254,247,215,134,158,234,234,234,238,220,145,24,5,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,159,0,0,0,0,0,0,57,94,144,80,17,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,234,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,211,254,145,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,248,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,236,255,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,234,254,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,165,253,254,150,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,147,117,221,254,244,92,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,251,140,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,229,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,202,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,228,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,247,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,228,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,230,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,233,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,255,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,180,254,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,122,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,248,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,212,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,249,255,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,223,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,109,192,162,79,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,241,156,93,136,223,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,36,0,0,0,47,162,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,157,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,232,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,163,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,126,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,103,164,128,164,183,248,133,68,68,68,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,254,243,201,125,192,221,221,221,169,193,175,130,130,130,15,0,0,0,0,0,0,0,0,0,0,8,133,158,194,68,0,0,0,0,0,0,0,0,18,62,62,62,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,230,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,244,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,253,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,215,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,219,252,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,29,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,57,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,29,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,198,170,141,141,141,170,170,198,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,255,255,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,86,86,86,86,86,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,91,91,91,91,91,107,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,180,180,220,253,253,253,253,253,253,253,241,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,163,205,253,253,253,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,140,9,31,56,56,56,56,56,181,253,253,138,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,189,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,227,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,159,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,253,35,0,0,0,0,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,35,0,0,0,53,221,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,35,0,0,1,155,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,35,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,119,5,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,231,0,0,0,0,129,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,108,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,253,253,108,0,0,0,0,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,220,15,0,0,53,155,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,112,21,99,181,232,252,253,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,92,206,253,252,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,255,159,78,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,210,119,5,37,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,241,195,31,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,77,0,0,0,0,120,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,222,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,28,0,0,57,57,86,85,86,85,141,139,86,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,197,196,169,168,225,224,253,251,253,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,29,197,255,253,255,253,255,253,254,253,254,253,254,253,254,253,226,168,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,196,196,139,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,57,168,169,56,0,0,0,0,114,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,85,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,253,251,253,251,225,168,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,254,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,251,253,251,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,253,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,70,112,161,187,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,230,230,230,254,253,253,253,254,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,253,253,253,247,230,187,137,46,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,202,69,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,79,0,83,199,199,116,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,236,71,127,254,253,253,253,235,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,236,134,93,127,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,253,253,185,17,0,0,0,48,241,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,230,113,13,0,0,0,0,0,109,249,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,89,245,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,159,0,0,0,0,0,0,0,26,239,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,107,0,0,0,0,0,26,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,249,188,105,47,97,147,239,254,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,105,226,253,253,254,253,253,244,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,111,160,254,168,152,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,80,115,0,0,0,0,0,0,0,0,0,0,0,0,52,131,13,0,0,0,0,0,0,0,0,0,0,13,254,236,0,0,0,0,0,0,0,0,0,0,0,0,107,254,203,7,0,0,0,0,0,0,0,0,0,123,254,246,60,0,0,0,0,0,0,0,0,0,0,0,224,255,254,12,0,0,0,0,0,0,0,0,0,3,185,254,180,10,0,0,0,0,0,0,0,0,0,0,151,255,254,85,0,0,0,0,0,0,0,0,0,0,123,254,254,115,0,0,0,0,0,0,0,0,0,0,100,255,254,209,4,0,0,0,0,0,0,0,0,0,13,254,254,243,78,0,0,0,0,0,0,0,0,0,100,254,254,237,5,0,0,0,0,0,0,0,0,0,5,159,254,254,217,0,0,0,0,0,0,0,0,0,122,254,254,136,0,0,0,0,0,0,0,0,0,0,0,16,234,254,243,84,0,0,0,0,0,0,0,19,230,255,254,136,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,242,85,0,0,0,0,0,0,122,254,254,254,220,4,0,0,0,0,0,0,0,0,0,0,0,7,151,254,254,217,49,0,0,0,0,156,245,254,254,254,254,6,0,0,0,0,0,0,0,0,0,0,0,0,8,90,254,254,213,52,0,21,109,244,229,76,236,254,254,6,0,0,0,0,0,0,0,0,0,0,0,0,0,9,55,192,254,241,199,216,254,254,125,0,133,254,254,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,155,254,254,254,254,84,7,0,146,254,254,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,107,167,128,8,0,0,231,254,254,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,191,72,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,133,217,174,161,161,161,161,132,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,249,254,254,250,217,217,217,217,217,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,197,254,252,113,0,0,0,0,0,52,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,246,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,252,190,141,57,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,163,226,240,254,232,120,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,66,150,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,199,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,253,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,124,124,124,193,228,254,250,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,160,251,254,254,196,146,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,21,0,0,0,0,0,0,0,0,0,56,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,45,0,0,0,0,0,0,0,0,0,167,250,93,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,56,0,0,0,0,0,0,0,0,0,105,254,159,0,0,0,0,0,0,0,0,0,0,0,0,68,254,239,16,0,0,0,0,0,0,0,0,34,220,254,159,0,0,0,0,0,0,0,0,0,0,0,0,151,254,141,0,0,0,0,0,0,0,26,125,220,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,178,254,237,225,176,138,94,53,53,123,221,249,166,172,254,159,0,0,0,0,0,0,0,0,0,0,0,84,253,254,254,254,254,254,254,254,254,254,206,79,0,105,254,159,0,0,0,0,0,0,0,0,0,0,0,209,254,175,44,39,39,39,39,39,39,39,8,0,0,105,254,159,0,0,0,0,0,0,0,0,0,0,69,254,243,55,0,0,0,0,0,0,0,0,0,0,0,105,254,159,0,0,0,0,0,0,0,0,0,0,44,219,98,0,0,0,0,0,0,0,0,0,0,0,0,105,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,225,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,146,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,101,225,238,252,186,224,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,209,252,252,253,154,12,59,252,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,252,178,9,0,29,252,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,63,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,253,253,240,63,0,0,0,16,203,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,240,253,252,154,24,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,154,12,0,0,0,0,0,0,140,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,27,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,141,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,140,0,0,0,0,0,0,0,7,165,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,29,252,253,195,19,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,107,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,90,0,0,0,0,0,198,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,252,253,243,116,28,48,85,210,246,252,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,227,253,252,252,215,227,253,252,239,180,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,237,252,252,252,252,253,226,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,112,142,252,173,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,128,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,194,225,225,226,225,231,252,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,120,246,252,252,252,253,252,252,220,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,7,44,215,253,252,230,129,84,84,84,84,56,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,204,25,0,0,0,0,0,107,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,27,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,74,0,0,0,0,0,182,252,252,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,155,252,253,233,75,0,0,0,98,240,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,161,253,252,233,75,13,13,228,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,252,252,189,191,252,252,157,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,252,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,253,252,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,180,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,112,237,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,79,226,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,252,226,48,203,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,203,240,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,99,223,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,106,137,157,234,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,107,231,253,253,254,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,234,216,151,185,250,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,203,27,0,0,0,70,237,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,43,0,0,0,0,20,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,182,110,0,0,0,99,247,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,61,145,254,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,89,210,253,253,254,253,253,186,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,215,253,253,253,253,254,253,253,253,201,84,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,253,253,142,72,72,156,240,253,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,234,97,13,0,0,0,0,0,79,233,255,202,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,0,0,0,0,0,0,0,0,129,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,13,241,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,162,0,0,0,0,0,0,0,0,0,0,0,202,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,187,26,0,0,0,0,0,0,0,0,0,33,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,82,234,124,53,0,0,0,0,0,0,0,64,228,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,35,222,253,249,131,28,0,0,0,12,132,230,253,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,220,254,253,235,217,217,218,225,253,253,194,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,151,241,253,253,253,253,254,253,253,225,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,92,85,143,162,163,78,105,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,255,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,209,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,164,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,160,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,253,252,231,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,241,242,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,115,47,84,171,246,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,28,0,0,0,225,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,28,0,0,0,225,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,40,0,7,154,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,215,108,150,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,190,253,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,111,231,254,254,254,254,188,155,124,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,242,253,246,184,143,167,243,250,253,253,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,253,232,133,21,0,0,0,0,169,253,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,6,156,253,184,50,0,0,4,62,143,219,242,253,253,251,59,0,0,0,0,0,0,0,0,0,0,0,0,21,230,253,131,75,75,151,190,253,253,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,223,133,88,253,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,227,253,253,253,188,110,68,0,0,104,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,14,14,14,4,0,0,0,3,183,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,196,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,222,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,251,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,210,20,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,154,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,206,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,240,252,253,196,234,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,252,178,9,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,255,253,244,175,0,0,135,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,240,81,0,0,0,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,243,225,226,150,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,94,163,242,253,253,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,47,196,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,94,0,0,38,209,252,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,168,0,0,0,197,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,216,28,0,45,229,253,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,215,169,225,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,252,252,253,252,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,177,252,253,177,103,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,229,254,212,91,3,68,254,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,253,253,253,125,162,253,253,220,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,253,253,171,5,188,253,253,229,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,244,220,43,0,86,245,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,224,253,253,253,108,0,0,0,0,110,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,243,114,4,0,0,0,0,25,253,253,147,7,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,203,0,0,0,0,0,0,12,177,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,203,0,0,0,0,0,0,0,116,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,204,0,0,0,0,0,0,0,116,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,203,0,0,0,0,0,0,9,160,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,35,215,253,204,0,0,0,0,0,0,25,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,203,0,0,0,0,0,0,89,253,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,240,85,0,0,0,0,0,189,253,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,177,11,0,0,0,45,218,253,253,193,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,253,156,0,0,0,99,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,185,253,253,221,51,0,0,99,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,253,253,234,168,169,234,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,198,253,253,253,253,253,253,166,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,89,249,253,253,237,89,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,171,71,232,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,123,0,0,41,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,171,0,0,0,0,172,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,142,0,0,0,0,0,92,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,20,0,0,0,0,0,51,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,203,203,203,122,193,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,233,102,102,173,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,192,50,0,0,92,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,103,0,0,82,255,91,21,203,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,102,0,82,243,91,10,0,20,151,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,132,92,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,117,68,137,137,137,110,18,18,2,1,18,96,102,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,254,254,254,254,254,254,254,254,163,159,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,232,88,83,83,111,201,221,254,254,255,244,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,147,0,0,0,0,0,128,254,251,114,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,185,4,0,0,0,0,214,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,11,0,0,0,119,250,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,128,0,0,2,197,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,237,0,0,60,254,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,48,0,0,60,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,214,214,223,254,239,106,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,141,221,254,254,254,253,232,210,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,155,58,129,243,250,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,111,0,0,0,92,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,231,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,244,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,130,106,0,2,134,255,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,207,228,36,29,220,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,194,0,0,192,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,80,0,37,228,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,248,70,0,63,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,210,0,0,63,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,210,0,0,63,253,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,125,0,0,63,253,179,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,227,25,0,0,150,253,232,180,180,180,216,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,243,186,126,186,235,253,253,253,253,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,253,253,253,253,233,218,185,185,136,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,188,253,253,202,232,253,233,66,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,49,110,16,180,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,230,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,245,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,152,210,30,0,0,0,0,0,0,4,152,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,254,108,0,0,0,0,0,0,174,253,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,248,36,0,0,0,0,0,23,222,253,248,36,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,181,0,0,0,0,0,0,128,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,228,33,0,0,0,0,0,0,218,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,42,207,253,249,95,0,0,0,0,0,0,0,217,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,156,0,0,0,0,0,0,0,0,217,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,106,0,0,0,0,0,0,0,43,245,253,246,0,0,0,2,12,0,0,0,0,0,0,0,0,163,253,253,54,0,0,0,0,0,0,0,55,253,253,162,27,91,136,186,98,0,0,0,0,0,0,0,0,163,254,254,143,73,73,73,73,73,73,73,209,254,254,254,255,254,217,135,0,0,0,0,0,0,0,0,0,163,253,253,253,253,254,253,253,253,253,254,253,253,253,253,218,146,54,0,0,0,0,0,0,0,0,0,0,108,250,253,253,253,254,253,253,253,253,254,253,253,244,94,13,0,0,0,0,0,0,0,0,0,0,0,0,0,70,157,235,241,209,176,144,137,119,215,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,0,0,0,0,0,195,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,105,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,149,236,94,0,0,43,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,135,0,0,31,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,248,244,78,0,37,241,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,253,83,0,0,152,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,133,0,0,71,246,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,226,234,31,0,100,241,250,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,253,153,0,19,196,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,19,0,112,253,210,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,253,154,5,76,231,253,205,98,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,171,255,246,156,246,254,255,254,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,254,253,253,253,253,254,253,253,242,233,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,254,253,253,253,253,205,167,78,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,244,254,253,253,253,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,104,253,253,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,141,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,251,203,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,213,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,246,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,163,0,0,0,0,6,108,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,254,92,0,0,0,0,15,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,153,0,0,0,0,0,197,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,249,0,0,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,137,0,0,0,0,0,80,253,255,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,172,3,0,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,237,99,0,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,232,212,114,149,232,242,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,243,243,254,254,254,254,250,243,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,107,107,107,107,67,0,250,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,239,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,185,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,64,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,64,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,128,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,128,64,128,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,86,190,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,237,253,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,253,193,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,246,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,225,57,0,0,0,0,0,0,0,0,50,66,66,66,172,66,66,24,0,0,0,0,0,0,0,0,255,253,146,0,0,0,0,0,0,0,0,61,228,253,253,253,253,253,253,89,0,0,0,0,0,0,0,0,254,253,146,0,0,0,0,0,51,135,246,249,253,253,253,253,253,253,253,249,0,0,0,0,0,0,0,0,254,253,146,0,0,0,5,51,222,253,253,253,253,253,253,253,253,253,253,248,0,0,0,0,0,0,0,0,254,253,188,22,0,0,139,253,253,253,253,253,253,253,253,253,253,253,253,89,0,0,0,0,0,0,0,0,132,253,253,181,13,0,139,253,253,245,117,65,65,76,222,253,253,253,182,23,0,0,0,0,0,0,0,0,91,253,253,253,186,116,191,253,253,171,0,0,86,177,253,253,227,138,9,0,0,0,0,0,0,0,0,0,18,194,253,253,253,253,253,253,253,237,205,205,241,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,253,253,253,253,253,253,253,253,253,231,122,16,0,0,0,0,0,0,0,0,0,0,0,0,3,32,166,253,253,253,253,253,253,253,253,210,195,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,106,230,253,253,253,253,248,106,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,106,73,78,15,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,9,0,0,0,0,0,0,0,2,121,252,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,142,0,0,0,0,0,0,0,45,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,253,9,0,0,0,0,0,10,213,254,209,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,254,9,0,0,0,0,0,99,254,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,192,3,0,0,0,0,56,249,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,254,112,0,0,0,0,0,133,254,245,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,244,254,191,19,0,0,0,20,241,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,239,171,83,83,194,254,224,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,23,143,206,246,254,254,254,254,211,2,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,116,212,254,254,246,209,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,250,254,173,134,239,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,188,6,0,15,19,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,174,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,147,255,172,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,243,174,97,97,97,86,0,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,235,253,253,253,253,253,253,253,249,213,233,85,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,153,61,110,198,198,198,198,225,253,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,140,1,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,6,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,6,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,140,0,0,0,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,45,217,253,182,10,0,0,0,7,240,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,138,0,0,0,45,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,68,68,44,0,0,6,165,253,253,237,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,249,253,253,211,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,251,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,251,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,205,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,151,235,196,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,245,254,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,178,254,222,114,154,239,251,72,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,174,11,0,0,146,254,176,236,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,248,144,7,0,0,0,135,254,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,63,0,0,0,0,13,182,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,195,6,0,0,0,0,0,89,254,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,128,63,62,0,0,54,154,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,214,130,232,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,224,215,211,138,138,44,193,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,13,9,0,0,0,193,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,240,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,218,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,48,149,194,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,169,254,254,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,232,254,225,116,220,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,231,254,182,14,14,213,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,211,254,196,8,0,191,254,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,168,255,237,61,0,0,250,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,243,254,95,0,0,47,252,249,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,83,0,0,0,100,254,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,146,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,11,0,0,0,0,0,124,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,174,207,30,0,0,0,0,9,203,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,237,245,139,5,0,0,0,0,3,188,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,65,0,0,0,0,0,52,133,254,249,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,254,40,11,11,32,115,174,246,254,251,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,226,254,254,254,254,254,254,254,254,224,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,150,199,254,212,233,150,91,46,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,245,30,0,0,0,0,0,0,0,0,183,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,31,0,0,0,0,0,0,0,93,248,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,84,0,0,0,0,0,0,4,190,254,220,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,63,0,0,0,0,0,0,105,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,136,188,224,203,121,2,42,234,254,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,254,254,254,254,254,254,151,172,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,157,254,254,252,181,147,250,254,254,254,254,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,249,172,52,0,0,42,223,254,254,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,222,139,0,0,0,0,0,100,254,220,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,0,0,0,0,0,9,167,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,204,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,209,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,217,250,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,11,2,7,6,7,7,11,11,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,99,165,234,254,182,221,214,225,219,254,254,223,165,87,0,0,0,0,0,0,0,0,0,0,0,65,150,224,254,254,254,254,246,195,228,134,223,163,134,134,134,96,0,0,0,0,0,0,0,0,0,0,115,244,254,216,179,85,80,207,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,246,240,127,12,0,0,0,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,204,214,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,188,254,217,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,151,253,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,251,219,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,74,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,32,0,0,0,0,0,51,255,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,218,60,0,0,0,27,216,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,237,235,235,235,242,254,190,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,158,254,244,164,70,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,10,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,101,241,255,179,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,192,239,253,253,253,253,239,191,47,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,205,253,253,253,253,253,253,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,253,253,253,253,253,253,253,251,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,165,253,253,253,253,241,214,233,253,124,130,121,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,181,80,0,56,115,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,253,172,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,191,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,212,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,211,253,253,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,197,253,253,186,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,175,234,253,197,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,197,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,8,8,8,131,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,253,253,253,253,243,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,253,189,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,183,253,234,99,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,85,255,253,255,253,57,0,0,0,0,0,0,0,0,0,85,28,0,0,0,0,0,0,0,0,57,168,253,251,253,251,253,251,225,56,0,0,0,0,0,0,169,168,253,196,0,0,0,0,0,0,0,0,255,253,254,253,226,168,169,225,254,139,0,0,0,0,29,197,254,253,254,253,0,0,0,0,0,0,0,0,253,251,253,138,56,0,0,56,253,251,0,0,0,114,197,251,253,138,84,83,0,0,0,0,0,0,0,0,255,253,169,0,0,0,0,0,254,253,57,57,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,139,251,225,56,0,0,0,0,139,251,225,224,253,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,85,28,0,0,29,197,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,253,196,169,168,197,251,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,169,168,198,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,28,196,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,114,0,0,0,57,225,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,56,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,85,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,85,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,169,0,0,0,0,57,141,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,225,56,0,0,57,224,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,138,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,32,0,0,0,0,0,0,0,17,60,183,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,226,198,107,95,93,58,95,154,218,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,229,255,254,254,254,251,254,254,254,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,97,171,191,220,254,188,171,93,167,254,239,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,12,20,4,0,10,233,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,231,248,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,186,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,132,184,253,255,242,132,132,105,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,243,250,252,229,230,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,216,76,87,96,0,10,96,126,252,190,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,156,252,235,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,232,252,195,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,148,217,253,243,138,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,109,207,249,252,252,248,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,252,252,252,131,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,250,241,241,241,241,249,253,253,172,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,77,0,0,0,0,57,176,243,252,226,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,223,252,190,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,204,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,201,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,0,53,174,252,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,217,171,0,0,0,47,98,166,239,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,245,229,229,229,240,253,252,252,231,58,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,131,166,252,252,252,252,132,131,57,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,240,254,255,254,254,226,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,239,230,249,253,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,120,35,21,50,136,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,134,253,37,0,0,0,69,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,225,30,0,0,0,104,253,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,61,0,0,0,73,225,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,193,3,0,0,0,163,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,234,6,0,0,0,64,252,253,187,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,234,0,0,0,0,87,253,248,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,199,0,0,0,105,254,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,18,0,0,8,205,255,244,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,231,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,247,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,197,148,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,105,105,219,253,255,129,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,60,191,213,252,252,252,252,253,252,215,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,118,252,252,252,252,246,237,237,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,252,237,132,86,0,0,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,247,247,177,46,25,0,0,0,0,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,121,0,0,0,0,0,0,0,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,0,0,0,0,0,0,0,80,253,252,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,246,253,230,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,228,252,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,253,253,253,211,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,170,252,252,252,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,252,252,252,214,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,182,252,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,212,37,7,0,0,0,0,0,0,0,0,71,62,0,0,0,0,0,0,0,0,0,0,61,226,252,252,230,35,0,0,0,0,8,30,30,162,178,178,248,207,0,0,0,0,0,0,0,0,0,0,208,252,252,252,238,134,134,134,134,134,162,252,252,252,252,252,252,207,0,0,0,0,0,0,0,0,0,0,208,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,115,12,0,0,0,0,0,0,0,0,0,0,208,252,252,252,252,252,252,252,252,253,252,222,207,207,102,59,4,0,0,0,0,0,0,0,0,0,0,0,86,199,252,252,252,252,111,103,103,104,103,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,118,48,0,115,192,118,54,207,255,187,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,242,234,253,253,253,243,253,253,139,242,191,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,212,212,253,253,234,251,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,153,121,149,140,65,61,65,225,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,244,40,0,0,0,0,0,5,212,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,247,151,0,0,0,0,0,2,96,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,67,0,0,0,0,0,0,28,253,253,129,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,196,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,210,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,244,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,214,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,28,28,48,28,48,10,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,198,250,231,231,254,231,254,128,212,70,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,179,254,254,254,255,254,254,254,254,251,253,248,224,11,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,228,67,152,67,67,67,110,67,150,253,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,83,125,21,0,0,0,0,0,0,0,0,37,223,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,247,254,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,215,254,247,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,235,254,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,254,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,254,202,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,254,254,81,0,0,0,0,0,0,0,18,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,156,6,0,0,0,7,21,21,13,74,254,0,0,0,0,0,0,0,0,0,0,0,0,0,20,232,254,254,204,172,172,172,172,197,254,254,221,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,254,254,254,254,254,254,254,254,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,137,224,254,253,197,219,198,241,200,197,197,169,140,131,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,46,46,0,18,1,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,40,0,0,0,0,54,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,111,232,240,23,0,0,119,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,69,254,251,98,0,0,49,232,243,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,106,254,250,63,0,2,123,239,247,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,182,254,254,194,0,0,95,254,244,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,199,254,254,187,19,0,48,231,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,236,254,223,111,14,0,39,198,254,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,170,253,254,217,72,0,0,10,216,254,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,147,254,254,151,27,0,0,2,133,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,254,254,146,2,0,0,0,85,254,254,227,77,0,0,0,0,0,0,0,0,0,0,0,0,0,4,152,254,254,254,29,79,106,106,126,245,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,254,254,254,254,254,254,254,254,251,167,11,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,241,239,248,254,254,254,152,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,128,230,254,137,8,0,168,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,205,35,131,253,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,161,230,254,254,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,254,254,228,200,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,254,115,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,209,104,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,191,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,160,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,251,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,235,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,224,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,191,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,229,222,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,223,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,233,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,244,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,224,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,224,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,247,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,233,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,196,185,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,150,240,163,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,218,254,147,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,240,254,248,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,213,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,240,254,249,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,251,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,239,255,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,210,254,254,101,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,243,254,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,209,254,254,235,252,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,107,238,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,192,75,246,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,238,73,206,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,246,254,254,211,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,254,254,184,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,171,127,16,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,129,254,254,254,255,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,253,253,203,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,243,253,253,252,243,249,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,208,157,0,113,188,222,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,102,0,0,0,17,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,149,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,253,253,231,217,217,217,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,253,253,229,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,253,253,253,215,160,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,246,253,253,248,229,253,253,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,224,56,215,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,243,107,53,235,253,253,237,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,221,253,253,246,117,56,253,253,253,160,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,148,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,253,253,253,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,238,217,253,253,253,253,253,227,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,95,253,253,253,253,230,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,65,93,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,146,185,254,255,255,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,184,248,253,253,253,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,153,241,253,251,178,139,85,32,163,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,239,61,0,0,0,0,40,248,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,210,253,253,86,0,0,0,0,0,32,247,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,154,7,0,0,0,0,3,150,253,251,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,0,0,127,253,248,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,32,188,234,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,22,194,240,253,253,247,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,250,162,162,246,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,253,253,253,253,253,253,253,232,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,174,232,148,71,122,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,253,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,190,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,219,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,200,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,182,193,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,89,251,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,54,183,253,253,253,243,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,169,253,253,188,163,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,171,253,226,66,44,229,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,201,20,0,113,253,227,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,55,9,0,0,170,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,243,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,231,231,236,253,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,167,253,243,253,253,253,152,18,1,26,130,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,179,51,253,253,253,253,206,153,253,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,157,253,253,192,193,253,253,253,248,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,253,253,253,193,21,22,169,188,188,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,246,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,155,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,145,194,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,218,254,254,250,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,123,245,250,254,254,254,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,172,254,254,254,254,210,97,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,254,254,244,211,125,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,127,177,245,254,254,188,48,0,0,39,148,134,107,41,0,0,0,0,0,0,0,0,0,0,0,0,82,247,254,255,254,213,90,12,0,0,0,227,254,254,222,75,0,0,0,0,0,0,0,0,0,0,0,0,209,254,222,120,83,0,0,0,0,62,63,243,254,241,65,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,169,6,1,0,0,2,87,254,254,254,174,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,254,254,162,53,53,136,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,198,254,254,254,254,254,254,238,120,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,225,254,254,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,236,166,243,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,134,253,254,224,12,0,250,213,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,254,235,29,0,0,101,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,255,247,55,0,0,0,128,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,239,0,0,0,68,45,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,239,150,115,136,233,225,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,254,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,238,254,171,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,12,0,0,0,0,0,0,0,0,0,0,138,221,31,0,0,0,0,0,0,0,0,0,0,9,77,77,251,154,0,0,0,0,0,0,0,0,0,0,185,254,152,4,0,0,0,1,5,2,6,78,156,226,254,254,254,184,0,0,0,0,0,0,0,0,0,0,166,254,254,222,152,152,152,159,233,189,254,254,254,254,254,254,254,184,0,0,0,0,0,0,0,0,0,0,77,254,254,254,254,254,254,254,254,254,254,254,254,199,65,223,254,149,0,0,0,0,0,0,0,0,0,0,41,137,250,254,254,254,251,237,158,157,33,27,27,13,59,250,239,40,0,0,0,0,0,0,0,0,0,0,0,0,59,97,143,97,64,0,0,0,0,0,0,0,87,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,201,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,248,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,193,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,240,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,166,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,127,254,255,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,252,170,246,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,166,243,225,67,0,234,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,124,241,245,149,10,0,0,234,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,200,254,230,46,0,0,0,81,248,167,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,240,242,149,32,0,0,0,6,211,217,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,130,254,250,94,0,0,0,0,0,124,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,193,94,0,0,0,0,0,37,221,166,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,240,22,0,0,0,0,0,8,182,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,11,0,0,0,0,0,132,254,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,248,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,248,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,248,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,229,229,229,249,211,55,0,0,0,0,0,0,0,19,71,0,0,0,0,0,0,0,0,0,0,0,112,227,214,254,254,254,192,12,0,0,0,0,0,0,0,174,126,0,0,0,0,0,0,0,0,0,0,110,222,112,173,254,222,215,254,199,49,0,0,0,0,0,118,253,68,0,0,0,0,0,0,0,0,0,2,198,190,196,254,161,26,17,171,254,233,73,0,0,143,208,249,130,1,0,0,0,0,0,0,0,0,0,3,229,254,248,106,2,0,0,4,130,254,252,246,246,253,254,128,7,0,0,0,0,0,0,0,0,0,0,0,91,166,54,0,0,0,0,0,1,117,214,254,234,95,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,170,192,47,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,252,253,232,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,120,253,252,252,231,217,132,241,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,108,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,211,252,253,220,143,62,0,0,37,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,252,252,222,45,0,0,0,0,37,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,41,0,0,0,0,0,37,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,168,0,0,0,0,0,0,37,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,253,217,0,0,0,0,0,0,0,37,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,91,0,0,0,0,0,0,0,78,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,27,221,252,200,20,0,0,0,0,0,0,11,191,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,97,0,0,0,0,0,0,0,155,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,206,20,0,0,0,0,0,0,171,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,143,0,0,0,0,0,11,155,253,148,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,221,129,0,0,0,0,140,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,179,0,0,0,42,221,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,98,0,63,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,242,134,237,253,252,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,252,217,91,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,232,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,238,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,246,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,64,128,128,128,128,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,128,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,53,155,155,155,155,155,55,32,32,32,3,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,114,220,253,253,253,253,253,253,253,253,253,253,170,46,2,0,0,0,0,0,0,0,0,0,0,30,174,253,253,253,224,210,210,210,210,210,149,225,253,253,253,253,114,1,0,0,0,0,0,0,0,0,29,217,253,253,247,125,27,0,0,0,0,0,0,28,80,128,224,253,253,91,0,0,0,0,0,0,0,0,158,253,226,253,244,93,0,0,0,0,0,0,0,0,0,0,31,213,253,217,0,0,0,0,0,0,0,0,254,253,146,140,191,103,0,0,0,0,0,0,0,0,0,0,0,112,253,253,0,0,0,0,0,0,0,0,160,253,249,80,0,0,0,0,0,0,0,0,0,0,0,0,29,211,253,220,0,0,0,0,0,0,0,0,32,219,253,209,66,0,0,0,0,0,0,0,0,0,28,124,221,253,253,93,0,0,0,0,0,0,0,0,0,37,253,253,247,205,183,81,81,81,81,81,81,184,223,253,253,253,119,1,0,0,0,0,0,0,0,0,0,3,43,124,253,253,253,253,253,253,253,253,253,253,253,253,217,112,2,0,0,0,0,0,0,0,0,0,0,0,0,4,52,160,160,178,253,253,253,253,253,253,173,51,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,30,30,64,57,30,30,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,58,228,203,170,167,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,180,161,93,3,6,63,220,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,251,135,25,0,0,0,0,16,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,190,222,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,248,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,189,218,0,0,0,0,0,0,0,0,31,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,246,183,7,0,0,0,0,0,91,247,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,160,238,207,129,76,18,18,18,230,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,142,214,214,157,157,211,254,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,135,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,242,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,251,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,214,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,191,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,196,166,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,167,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,255,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,146,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,63,137,137,150,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,232,254,254,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,54,167,172,186,254,254,254,254,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,49,160,243,254,254,254,254,254,199,183,159,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,7,161,240,254,254,254,254,204,165,83,11,0,154,254,254,174,13,0,0,0,0,0,0,0,0,0,0,0,11,212,254,224,147,98,29,13,0,0,0,41,241,254,242,52,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,8,0,0,0,0,0,0,2,154,254,254,225,6,123,149,167,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,254,254,254,237,136,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,42,62,160,233,254,254,253,213,135,26,0,0,0,0,0,0,0,0,0,0,0,5,60,140,90,157,178,216,254,254,255,254,255,147,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,254,254,254,254,254,254,254,254,254,226,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,58,224,254,254,254,254,254,254,255,226,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,141,101,128,250,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,244,254,254,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,209,254,254,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,211,204,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,170,255,209,82,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,46,228,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,137,253,253,253,253,244,253,207,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,223,253,253,253,206,105,109,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,222,253,246,231,253,157,0,94,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,245,103,59,198,18,0,80,249,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,224,253,116,0,0,104,0,0,17,229,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,179,253,244,59,0,0,0,0,0,118,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,116,0,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,19,227,253,221,22,0,0,0,0,0,0,217,229,139,5,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,116,0,0,0,0,0,0,67,245,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,224,19,0,0,0,0,0,24,197,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,233,253,116,0,0,0,0,0,0,81,253,224,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,0,0,184,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,0,110,246,221,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,238,47,0,0,0,0,110,247,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,93,0,0,76,136,248,253,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,224,194,236,248,253,253,220,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,96,253,253,253,253,253,253,163,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,82,208,171,129,102,5,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,228,163,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,230,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,235,253,253,204,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,249,253,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,253,253,246,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,255,254,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,253,254,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,253,253,222,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,253,253,68,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,253,253,153,128,218,198,115,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,253,253,253,253,254,253,253,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,254,253,253,253,253,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,255,182,228,190,91,0,236,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,186,254,253,199,4,0,114,245,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,235,152,217,254,253,253,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,113,206,253,253,246,248,235,222,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,129,169,79,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,126,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,237,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,254,254,254,254,250,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,254,254,254,254,220,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,254,254,211,47,144,249,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,254,93,0,0,131,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,226,3,0,0,11,235,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,230,254,254,134,0,0,0,0,169,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,211,10,0,0,0,0,169,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,138,0,0,0,0,35,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,19,0,0,0,0,153,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,187,2,0,0,0,141,241,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,169,0,0,0,135,244,254,254,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,184,37,87,211,254,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,243,247,254,254,254,254,220,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,238,254,254,254,254,255,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,254,254,254,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,207,254,254,254,237,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,122,194,159,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,91,199,229,240,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,77,222,235,171,109,58,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,160,253,174,31,0,0,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,202,250,96,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,241,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,174,0,0,0,0,0,0,0,0,0,5,96,84,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,208,20,0,0,0,0,0,0,0,8,200,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,236,112,9,0,0,0,0,24,198,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,121,249,254,253,213,142,69,40,38,223,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,154,253,253,253,253,248,244,253,119,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,120,178,243,255,254,254,164,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,219,253,253,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,239,227,62,207,253,187,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,249,42,8,155,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,253,72,0,0,179,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,255,254,184,2,0,16,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,158,2,51,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,241,253,253,184,199,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,241,253,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,193,253,249,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,234,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,231,252,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,252,181,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,238,252,80,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,230,252,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,252,125,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,246,97,0,0,0,46,45,45,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,222,0,53,149,149,253,252,252,203,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,253,253,253,253,253,255,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,252,241,192,44,44,53,220,252,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,244,184,73,0,0,0,0,120,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,118,0,0,0,0,0,0,63,238,252,181,7,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,118,0,0,0,0,0,0,0,223,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,5,157,252,252,213,178,65,30,0,0,0,15,227,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,252,252,252,252,252,80,0,0,120,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,252,252,252,252,247,238,238,244,252,252,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,59,137,207,241,252,253,252,252,252,252,202,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,103,253,252,252,252,120,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,218,254,254,148,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,245,220,128,136,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,30,0,0,235,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,16,0,28,238,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,99,8,206,254,178,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,233,240,236,106,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,204,255,237,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,236,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,175,216,117,239,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,117,0,156,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,116,0,0,60,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,184,12,0,0,55,251,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,214,12,0,0,0,0,185,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,106,0,0,0,0,0,103,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,99,0,0,0,0,0,58,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,97,9,0,0,0,0,16,237,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,130,6,0,0,0,2,182,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,169,6,0,0,20,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,165,254,236,197,137,146,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,89,208,254,254,254,193,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,222,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,226,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,220,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,247,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,187,254,222,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,214,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,215,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,224,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,230,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,212,169,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,214,230,247,254,253,253,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,157,224,254,253,251,230,171,137,137,213,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,34,185,247,253,253,228,77,63,0,0,0,0,59,220,23,0,0,0,0,0,0,0,0,0,0,0,0,41,229,255,254,222,118,0,0,0,0,0,0,0,0,104,23,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,194,29,0,0,0,0,0,0,0,0,0,7,2,0,0,0,0,0,0,0,0,0,0,0,0,116,253,188,4,0,0,7,108,116,116,57,57,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,228,93,0,0,68,204,253,253,253,254,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,152,221,254,254,254,247,118,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,253,253,253,254,127,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,108,254,253,253,253,220,103,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,254,253,185,253,203,245,188,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,124,0,0,93,110,241,254,136,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,190,2,0,0,0,0,19,90,237,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,184,0,0,0,0,0,0,0,29,184,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,135,235,84,0,0,0,0,0,0,0,13,152,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,204,254,178,69,0,0,0,0,0,0,0,185,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,253,245,231,214,138,138,139,72,130,247,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,137,205,254,236,253,253,254,236,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,19,144,128,103,220,202,151,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,255,253,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,253,252,252,232,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,253,252,252,252,253,190,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,155,252,252,253,252,252,252,253,252,215,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,252,252,252,253,252,189,252,253,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,252,252,252,252,253,189,15,35,180,242,252,252,176,10,0,0,0,0,0,0,0,0,0,0,0,0,58,252,252,252,252,252,253,179,0,0,0,114,252,252,253,56,0,0,0,0,0,0,0,0,0,0,0,42,221,252,252,252,252,252,253,179,0,0,0,31,211,252,253,221,41,0,0,0,0,0,0,0,0,0,0,135,253,253,253,222,62,144,255,119,0,0,0,0,37,253,255,253,72,0,0,0,0,0,0,0,0,0,0,217,252,252,252,138,0,0,35,5,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,217,252,252,174,10,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,217,252,252,143,0,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,218,253,253,83,0,0,0,0,0,0,0,0,32,212,253,255,253,72,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,197,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,217,252,252,21,0,0,0,0,0,0,21,182,242,252,252,253,200,20,0,0,0,0,0,0,0,0,0,0,217,252,252,143,0,0,0,0,42,144,206,253,252,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,218,253,253,253,170,253,253,255,253,253,253,255,253,253,191,84,0,0,0,0,0,0,0,0,0,0,0,0,72,190,252,252,252,252,252,253,252,252,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,154,252,252,252,252,253,252,252,252,232,220,112,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,148,168,252,253,252,252,168,47,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,130,130,130,215,254,254,254,254,254,254,254,97,1,0,0,0,0,0,0,0,0,0,0,0,0,0,10,200,253,253,253,253,253,253,253,253,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,235,235,235,210,111,111,111,111,150,250,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,236,253,243,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,68,234,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,96,253,253,240,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,156,253,253,218,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,191,253,253,178,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,194,253,253,177,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,81,231,253,253,147,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,253,238,159,69,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,253,253,253,253,209,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,49,49,49,49,49,164,253,253,237,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,43,213,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,253,166,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,219,253,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,220,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,254,254,255,202,150,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,198,202,253,254,253,253,251,235,88,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,36,95,145,216,232,253,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,190,254,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,233,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,178,249,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,231,253,250,184,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,254,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,253,253,222,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,208,181,217,254,221,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,43,7,0,22,202,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,186,253,233,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,56,37,37,37,37,76,128,128,231,253,237,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,242,253,254,253,253,253,253,254,253,231,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,162,189,253,253,253,253,195,111,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,192,237,113,43,43,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,253,252,252,252,226,85,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,249,253,252,252,252,252,253,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,190,215,221,252,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,21,182,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,169,252,252,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,252,252,252,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,253,252,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,253,255,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,252,253,252,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,252,252,250,152,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,232,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,253,252,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,253,169,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,129,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,45,157,214,211,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,194,254,250,246,251,238,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,238,119,38,0,84,238,237,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,194,200,39,0,0,0,0,75,253,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,244,56,0,0,0,0,0,0,164,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,186,0,0,0,0,0,0,0,80,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,209,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,28,0,0,0,0,11,232,242,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,172,222,236,239,154,43,0,0,128,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,214,254,229,203,254,254,240,168,59,192,202,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,236,14,3,36,148,243,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,156,0,0,0,0,154,254,254,254,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,235,241,155,155,155,195,252,242,183,222,254,225,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,210,254,254,254,254,179,51,0,25,184,254,225,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,8,8,8,8,2,0,0,0,5,177,254,252,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,214,231,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,128,95,229,229,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,254,253,253,253,254,249,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,161,253,254,253,244,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,197,253,253,228,143,61,253,254,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,247,151,0,13,187,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,227,105,0,0,147,253,253,140,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,247,154,0,0,57,249,253,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,50,0,0,0,136,253,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,253,84,80,106,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,254,244,199,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,119,160,160,69,69,152,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,187,253,234,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,254,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,254,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,236,56,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,234,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,211,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,204,192,187,138,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,238,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,176,253,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,155,253,142,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,182,253,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,165,253,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,185,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,156,253,220,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,220,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,188,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,240,177,81,116,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,220,253,253,253,253,255,242,167,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,207,253,238,102,10,10,73,213,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,100,250,253,234,55,0,0,0,46,227,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,219,211,253,127,0,0,0,0,144,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,168,32,133,253,55,0,0,4,108,245,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,30,0,133,253,90,4,28,156,253,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,253,193,228,253,220,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,230,253,253,171,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,67,67,208,67,67,60,0,43,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,254,241,133,210,236,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,56,56,56,56,168,245,249,254,254,154,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,227,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,240,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,245,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,200,254,212,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,229,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,48,48,48,48,203,237,237,237,244,254,224,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,254,254,254,254,254,254,254,254,197,115,115,64,0,0,0,0,0,0,0,0,0,0,0,0,20,168,254,254,254,121,254,254,254,254,254,254,254,254,254,221,180,6,0,0,0,0,0,0,0,0,0,0,15,160,254,198,171,249,254,254,254,233,197,28,8,8,185,223,254,247,247,63,0,0,0,0,0,0,0,0,35,195,254,254,254,254,254,254,148,83,0,0,0,0,0,59,131,131,131,34,0,0,0,0,0,0,0,0,0,34,72,254,254,240,65,65,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,248,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,136,248,252,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,252,235,93,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,208,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,152,252,253,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,253,252,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,255,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,252,252,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,240,252,252,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,166,252,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,150,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,242,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,119,189,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,125,192,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,214,254,254,237,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,254,234,160,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,211,254,152,16,40,224,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,150,7,18,190,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,222,231,63,93,172,162,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,145,9,39,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,247,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,246,234,39,0,16,160,197,197,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,78,0,16,172,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,193,13,15,172,254,244,211,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,169,0,97,255,244,99,70,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,169,0,203,244,98,56,229,208,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,169,51,236,189,8,193,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,89,79,254,196,147,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,117,79,254,254,254,213,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,218,178,254,254,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,253,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,235,214,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,236,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,190,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,244,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,224,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,244,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,204,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,242,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,184,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,191,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,176,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,217,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,252,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,231,170,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,46,109,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,250,174,98,13,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,228,254,254,255,254,195,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,88,198,235,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,100,240,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,251,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,201,254,160,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,189,254,211,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,255,234,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,254,228,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,255,236,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,254,223,129,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,29,109,143,221,254,239,127,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,114,246,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,221,251,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,28,0,0,0,0,92,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,236,104,12,30,99,241,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,254,236,243,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,102,173,190,161,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,171,158,218,182,140,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,255,187,95,83,230,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,135,9,0,0,32,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,181,0,0,0,0,8,218,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,42,0,0,0,0,7,214,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,159,0,0,0,0,0,16,240,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,66,0,0,0,0,0,20,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,0,0,0,0,0,0,20,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,236,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,251,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,77,179,250,128,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,125,236,254,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,254,254,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,242,254,156,126,254,254,249,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,121,46,189,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,196,245,254,254,249,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,254,254,254,254,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,214,214,238,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,254,206,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,199,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,255,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,148,254,255,214,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,238,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,194,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,89,209,254,255,246,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,253,253,237,196,242,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,128,18,0,50,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,254,234,116,2,0,0,9,196,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,61,0,0,0,0,0,18,238,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,38,0,0,0,0,0,0,0,235,254,255,158,0,0,0,0,0,0,0,0,0,0,0,0,2,129,253,125,0,0,0,0,0,0,0,0,181,253,246,250,111,0,0,0,0,0,0,0,0,0,0,0,88,253,225,18,0,0,0,0,0,0,0,0,40,222,127,253,174,0,0,0,0,0,0,0,0,0,0,0,170,253,161,0,0,0,0,0,0,0,0,0,40,140,5,164,247,18,0,0,0,0,0,0,0,0,0,0,214,253,41,0,0,0,0,0,0,0,0,0,9,14,0,118,253,19,0,0,0,0,0,0,0,0,0,0,215,175,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,117,0,0,0,0,0,0,0,0,0,0,214,174,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,199,0,0,0,0,0,0,0,0,0,41,241,174,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,146,0,0,0,0,0,0,0,0,0,59,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,102,0,0,0,0,0,0,0,0,0,59,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,192,222,12,0,0,0,0,0,0,0,0,0,23,230,254,102,0,0,0,0,0,0,0,0,0,0,46,217,254,152,0,0,0,0,0,0,0,0,0,0,0,131,253,216,20,0,0,0,0,0,0,0,14,126,244,249,180,12,0,0,0,0,0,0,0,0,0,0,0,44,199,253,253,176,87,0,0,0,49,124,229,253,222,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,229,254,251,234,234,234,246,253,240,161,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,155,238,253,253,253,231,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,118,223,255,254,135,48,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,220,253,253,254,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,151,246,239,181,98,59,54,94,232,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,216,12,0,0,0,0,61,239,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,45,0,0,0,0,18,212,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,255,192,19,0,0,22,206,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,236,253,198,134,113,162,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,229,253,253,253,254,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,209,155,253,254,253,250,124,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,128,253,223,156,249,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,23,0,104,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,253,174,0,0,3,204,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,180,6,0,0,0,145,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,230,242,14,0,50,35,0,177,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,238,0,0,83,119,5,211,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,221,0,0,22,168,99,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,89,0,58,206,243,238,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,203,3,90,254,253,239,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,232,204,253,254,212,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,253,240,156,52,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,185,254,134,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,241,241,213,91,0,13,247,203,146,242,249,206,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,179,179,249,84,80,89,14,0,23,168,253,135,30,0,0,0,0,0,0,0,0,0,0,0,0,133,249,185,9,37,228,93,0,0,0,0,0,13,166,253,192,0,0,0,0,0,0,0,0,0,0,0,0,241,253,67,0,0,37,91,0,0,0,0,0,0,14,201,224,25,0,0,0,0,0,0,0,0,0,0,0,241,184,11,0,0,0,0,0,0,0,0,0,0,0,159,253,192,0,0,0,0,0,0,0,0,0,0,0,241,159,0,0,0,0,0,0,0,0,0,0,0,0,46,241,245,73,0,0,0,0,0,0,0,0,0,0,241,159,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,107,0,0,0,0,0,0,0,0,0,0,241,159,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,107,0,0,0,0,0,0,0,0,0,0,241,159,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,107,0,0,0,0,0,0,0,0,0,0,242,254,40,0,0,0,0,0,0,0,0,0,0,0,0,175,242,57,0,0,0,0,0,0,0,0,0,0,184,253,96,0,0,0,0,0,0,0,0,0,0,0,0,174,226,0,0,0,0,0,0,0,0,0,0,0,68,244,173,0,0,0,0,0,0,0,0,0,0,0,20,203,226,0,0,0,0,0,0,0,0,0,0,0,0,185,241,45,0,0,0,0,0,0,0,0,0,0,54,253,184,0,0,0,0,0,0,0,0,0,0,0,0,94,253,88,0,0,0,0,0,0,0,0,0,0,160,253,93,0,0,0,0,0,0,0,0,0,0,0,0,25,196,236,78,0,0,0,0,0,0,0,0,15,201,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,236,76,0,0,0,0,0,0,56,195,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,197,238,161,83,27,27,27,77,190,253,134,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,241,253,253,255,253,253,249,133,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,120,120,183,126,120,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,126,136,150,255,254,216,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,36,119,154,237,253,253,253,253,253,242,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,57,179,253,253,253,253,253,253,253,218,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,216,253,253,253,253,253,193,182,67,65,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,177,245,253,253,245,164,137,47,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,198,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,253,253,203,17,6,6,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,246,253,253,253,253,253,253,227,107,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,212,246,253,253,253,253,253,253,253,168,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,126,194,200,253,253,253,253,253,214,164,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,59,86,176,241,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,93,207,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,206,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,153,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,211,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,66,164,247,253,253,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,201,201,238,253,253,253,249,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,253,253,253,216,152,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,201,178,108,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,5,0,0,0,0,0,0,37,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,226,102,0,0,0,0,0,0,149,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,49,0,0,0,0,0,0,254,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,247,116,2,0,0,0,0,0,143,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,233,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,241,68,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,7,183,253,187,0,0,0,0,0,0,0,47,253,226,21,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,222,30,0,0,0,0,0,0,0,166,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,208,16,0,0,0,0,0,0,0,234,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,218,105,0,0,0,0,0,61,248,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,158,255,254,254,163,156,156,74,119,254,178,14,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,99,220,239,236,237,254,253,253,253,253,224,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,24,12,18,78,128,253,240,137,78,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,234,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,155,254,254,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,109,253,253,253,253,253,122,44,136,25,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,109,253,253,253,253,253,253,179,75,250,199,210,143,10,0,0,0,0,0,0,0,0,0,0,0,0,2,109,253,253,253,253,253,253,253,179,0,129,250,253,253,102,2,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,253,246,222,237,157,0,0,85,220,253,253,88,0,0,0,0,0,0,0,0,0,0,27,213,253,253,253,253,246,168,0,46,0,0,0,0,37,220,253,210,4,0,0,0,0,0,0,0,0,5,214,253,253,253,253,246,109,0,0,0,0,0,0,0,0,36,242,253,88,0,0,0,0,0,0,0,0,31,253,253,253,253,222,109,0,0,0,0,0,0,0,0,0,0,236,253,129,0,0,0,0,0,0,0,0,130,253,253,236,74,27,0,0,0,0,0,0,0,0,0,0,0,236,253,129,0,0,0,0,0,0,0,0,222,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,129,0,0,0,0,0,0,0,0,254,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,29,241,253,96,0,0,0,0,0,0,0,0,218,253,253,248,183,28,0,0,0,0,0,0,0,0,0,0,142,253,253,5,0,0,0,0,0,0,0,0,91,253,253,253,253,143,28,0,0,0,0,0,0,0,0,0,230,253,253,106,0,0,0,0,0,0,0,0,5,213,253,253,253,253,225,110,0,0,0,0,0,0,33,135,249,253,213,85,0,0,0,0,0,0,0,0,0,26,213,253,253,253,253,246,217,127,69,0,0,78,213,253,253,253,90,0,0,0,0,0,0,0,0,0,0,0,87,212,253,253,253,253,253,253,245,223,223,248,253,253,253,154,2,0,0,0,0,0,0,0,0,0,0,0,0,27,212,253,253,253,253,253,253,253,253,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,97,161,253,253,253,253,253,253,253,253,253,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,97,219,253,253,253,253,253,253,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,36,223,156,129,26,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,127,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,231,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,126,0,0,0,0,0,0,0,0,0,0,27,106,107,185,115,106,106,0,0,0,0,0,0,0,0,210,218,51,69,148,148,148,201,253,253,255,253,253,243,211,212,211,211,140,106,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,210,168,168,168,168,116,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,126,126,126,82,21,21,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,228,254,254,254,255,254,189,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,249,244,225,144,62,124,172,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,167,0,0,0,0,10,224,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,167,0,0,0,0,0,3,1,0,17,73,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,167,0,0,0,0,0,0,0,51,194,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,167,0,0,0,0,0,0,133,212,254,175,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,217,218,26,0,0,0,4,184,253,252,146,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,185,0,0,11,178,254,190,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,231,238,61,58,216,254,198,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,247,250,254,172,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,254,254,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,246,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,235,120,248,251,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,230,218,47,0,213,254,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,209,7,0,50,246,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,254,119,0,0,206,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,247,132,68,219,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,184,254,254,254,254,243,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,106,188,254,175,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,204,255,142,78,121,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,234,225,225,247,201,254,96,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,52,0,0,51,38,226,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,179,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,240,213,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,202,44,44,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,101,206,254,254,254,254,254,210,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,168,228,254,254,254,254,254,254,254,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,167,253,254,254,254,254,254,254,188,254,168,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,245,205,123,205,254,194,57,14,57,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,241,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,188,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,128,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,22,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,218,252,252,170,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,253,252,252,252,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,236,107,27,54,187,253,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,226,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,91,82,0,0,0,6,214,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,232,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,234,247,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,232,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,106,176,228,253,252,196,106,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,254,253,253,253,253,255,253,253,209,165,148,148,148,122,87,0,0,0,0,0,0,0,0,168,168,168,168,168,125,168,210,231,168,183,252,252,252,252,253,252,252,196,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,16,0,4,21,21,21,21,21,21,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,141,226,198,255,170,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,226,255,255,255,255,255,255,198,141,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,255,170,114,114,29,0,29,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,86,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,170,29,0,0,0,0,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,57,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,114,0,0,0,0,141,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,226,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,198,0,57,170,255,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,198,226,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,255,255,255,29,198,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,57,0,170,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,86,29,0,29,141,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,226,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,253,156,148,148,148,148,139,43,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,183,252,252,252,252,253,252,252,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,35,21,21,21,21,21,74,126,232,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,211,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,203,9,0,0,0,0,0,27,228,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,243,191,14,0,0,0,13,218,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,246,211,32,0,0,57,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,191,9,43,234,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,204,197,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,255,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,253,189,246,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,124,252,161,5,127,252,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,35,0,7,196,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,121,0,0,0,81,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,42,0,0,4,96,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,231,28,0,0,92,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,194,22,84,206,251,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,252,253,252,212,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,147,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,173,16,0,0,0,0,0,0,91,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,253,101,0,0,0,0,0,0,124,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,255,254,69,0,0,0,0,0,0,182,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,238,63,3,0,0,0,0,0,0,181,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,181,0,0,0,0,0,0,0,3,191,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,238,116,31,19,19,6,19,19,35,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,253,253,253,202,253,253,253,253,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,255,254,254,254,254,255,254,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,192,254,253,253,253,233,238,179,95,119,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,127,210,203,158,49,26,0,0,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,249,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,156,200,5,0,0,18,18,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,14,144,253,254,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,218,254,254,59,121,254,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,217,254,254,210,15,214,254,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,214,254,254,220,36,0,40,100,211,254,254,212,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,244,68,0,0,0,0,26,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,2,204,254,249,63,0,0,0,0,0,1,153,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,119,0,0,0,0,0,0,0,83,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,237,9,0,0,0,0,0,0,0,30,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,120,0,0,0,0,0,0,0,0,9,193,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,29,0,0,0,0,0,0,0,0,10,193,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,190,179,5,0,0,0,0,0,0,0,0,130,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,190,165,0,0,0,0,0,0,0,0,0,148,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,28,223,165,0,0,0,0,0,0,0,6,190,253,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,176,4,0,0,0,0,0,12,129,254,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,19,212,254,51,0,5,40,34,48,180,254,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,225,184,191,243,233,254,254,254,254,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,254,254,254,254,254,212,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,254,254,254,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,155,254,254,254,235,135,135,135,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,255,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,254,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,110,0,95,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,132,3,9,216,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,231,242,37,0,114,254,247,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,187,0,0,140,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,121,0,0,207,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,75,0,21,232,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,34,0,113,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,232,254,34,0,197,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,245,218,11,21,231,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,234,254,40,128,254,254,250,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,216,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,254,246,254,206,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,158,191,107,136,254,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,226,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,171,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,255,128,129,170,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,253,252,252,252,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,128,108,190,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,129,252,246,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,227,134,73,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,149,252,252,252,253,231,181,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,148,252,252,253,252,252,252,145,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,145,176,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,35,159,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,133,247,241,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,253,232,109,110,109,129,253,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,252,252,252,253,252,252,252,253,252,205,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,211,252,253,252,252,252,253,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,184,254,211,97,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,212,252,253,253,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,126,209,248,210,253,201,211,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,178,253,253,152,8,47,21,179,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,253,253,253,85,0,11,140,241,215,65,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,252,218,0,47,214,233,90,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,247,245,74,0,36,231,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,249,96,48,212,248,162,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,230,253,253,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,213,253,253,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,79,218,215,148,229,255,254,121,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,192,253,253,178,3,6,153,226,253,230,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,237,253,253,246,52,0,0,0,35,155,225,250,182,13,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,245,89,0,0,0,0,0,0,140,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,61,250,253,245,60,0,0,0,0,0,0,0,38,100,238,249,53,0,0,0,0,0,0,0,0,0,0,0,61,250,253,209,0,0,0,0,0,0,0,0,20,133,253,188,11,0,0,0,0,0,0,0,0,0,0,0,0,227,253,229,20,0,0,0,0,0,8,78,221,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,57,230,253,88,4,0,0,7,45,206,253,249,175,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,253,198,184,184,207,254,244,171,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,165,205,186,226,165,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,158,187,255,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,109,184,221,252,254,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,254,208,96,146,67,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,224,254,249,196,87,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,220,254,249,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,250,254,170,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,228,122,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,159,254,254,235,144,144,66,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,80,163,239,239,253,254,221,154,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,188,229,254,220,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,79,191,254,248,170,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,56,214,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,52,0,0,0,0,0,17,136,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,242,34,1,1,5,58,201,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,168,168,254,254,254,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,254,254,254,254,254,254,204,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,62,80,157,223,164,118,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,251,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,255,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,255,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,255,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,101,177,253,255,176,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,246,252,252,252,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,252,252,192,120,44,167,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,245,77,4,0,0,91,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,192,57,0,0,0,0,215,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,196,19,0,0,0,0,39,253,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,10,0,0,0,0,0,116,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,240,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,195,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,244,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,252,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,199,252,229,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,146,252,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,252,205,21,0,0,0,0,0,0,0,3,12,12,10,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,89,45,45,78,154,155,154,154,154,175,252,246,82,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,252,252,252,252,253,252,252,252,252,153,63,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,252,252,252,252,252,252,143,142,142,95,71,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,196,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,183,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,242,254,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,224,255,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,191,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,241,254,219,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,108,242,253,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,179,242,253,254,253,253,253,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,245,173,103,78,247,253,228,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,144,96,0,36,156,253,228,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,222,254,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,235,86,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,146,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,152,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,254,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,254,254,148,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,242,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,239,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,245,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,0,0,0,0,0,52,233,253,239,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,236,83,15,3,41,105,249,253,198,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,194,165,253,255,253,179,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,205,249,253,253,253,248,240,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,133,175,120,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,255,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,249,117,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,237,253,253,231,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,158,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,253,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,165,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,240,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,179,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,189,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,105,176,208,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,36,97,154,220,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,54,145,203,254,254,254,254,254,237,99,6,0,0,0,0,0,0,0,0,0,0,0,0,26,72,129,190,201,254,254,228,183,131,254,254,236,68,0,0,0,0,0,0,0,0,0,0,7,90,170,208,224,254,254,246,165,137,47,30,0,151,254,254,93,0,0,0,0,0,0,0,0,0,0,0,229,254,254,254,167,147,34,26,0,0,0,0,206,254,254,107,8,0,0,0,0,0,0,0,0,0,0,0,130,129,50,11,2,0,0,0,0,0,41,169,254,251,165,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,62,226,254,254,164,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,255,236,150,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,229,254,236,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,229,254,239,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,239,254,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,230,254,249,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,232,254,162,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,232,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,135,129,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,88,237,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,247,238,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,192,173,216,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,144,212,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,234,136,0,167,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,158,222,24,0,167,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,101,0,0,223,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,203,3,0,0,244,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,71,0,0,0,244,61,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,225,7,0,0,0,244,67,126,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,205,115,77,141,250,232,178,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,55,181,239,239,243,254,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,241,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,255,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,47,235,253,253,239,200,200,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,224,253,253,253,181,107,107,107,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,178,7,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,209,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,249,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,198,253,237,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,244,177,177,163,24,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,253,253,253,253,217,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,253,253,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,84,84,84,84,84,191,245,253,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,253,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,208,222,253,227,156,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,239,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,59,146,146,169,215,155,255,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,129,253,253,253,253,253,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,253,253,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,253,253,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,161,172,172,120,65,65,127,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,230,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,204,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,110,255,254,254,254,254,154,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,154,253,251,241,247,244,253,253,170,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,109,253,220,90,0,55,30,147,250,253,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,167,210,36,0,0,0,0,0,193,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,248,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,220,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,100,199,199,199,199,99,197,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,237,253,253,253,253,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,238,142,43,73,190,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,239,253,104,0,0,0,35,226,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,239,53,0,0,0,118,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,216,0,0,0,169,248,253,168,184,253,244,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,232,112,136,236,249,253,165,28,49,237,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,253,253,130,3,0,0,56,239,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,97,253,253,168,129,38,2,0,0,0,0,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,195,42,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,185,253,245,235,242,235,177,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,253,254,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,249,244,202,248,254,201,240,242,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,62,0,117,254,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,255,140,0,0,0,106,254,254,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,238,20,0,0,0,5,89,245,245,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,104,0,0,0,0,0,0,57,245,240,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,52,0,0,0,0,0,0,0,88,248,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,188,0,0,0,0,0,0,0,0,0,148,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,163,0,0,0,0,0,0,0,0,0,0,255,215,11,0,0,0,0,0,0,0,0,0,0,0,0,121,253,142,0,0,0,0,0,0,0,0,0,0,169,253,36,0,0,0,0,0,0,0,0,0,0,0,0,128,253,72,0,0,0,0,0,0,0,0,0,0,150,253,36,0,0,0,0,0,0,0,0,0,0,0,0,89,253,111,0,0,0,0,0,0,0,0,0,0,112,253,36,0,0,0,0,0,0,0,0,0,0,0,0,24,233,227,0,0,0,0,0,0,0,0,0,0,195,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,92,0,0,0,0,0,0,0,0,27,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,158,24,0,0,0,0,0,8,68,242,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,254,180,82,37,37,37,89,177,253,240,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,203,251,253,253,253,254,253,244,196,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,149,162,227,195,142,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,233,193,193,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,252,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,224,162,132,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,20,0,132,252,102,183,21,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,131,0,0,214,172,214,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,131,0,0,253,252,253,171,253,252,162,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,213,152,233,254,233,41,0,132,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,253,252,192,50,0,0,10,212,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,254,253,203,162,41,0,0,0,0,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,50,0,0,0,0,0,0,0,122,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,203,0,0,0,0,0,0,0,0,193,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,253,92,51,0,0,31,51,153,233,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,203,203,233,252,253,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,254,253,254,253,254,253,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,112,232,253,252,233,151,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,120,151,151,196,234,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,254,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,254,229,127,114,114,122,234,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,244,80,0,0,0,53,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,254,249,94,9,1,116,193,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,89,232,255,178,77,218,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,215,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,208,253,249,254,239,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,251,111,3,130,254,238,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,155,0,0,11,173,254,237,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,75,0,0,0,2,173,254,184,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,250,163,8,0,0,0,0,11,208,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,142,4,0,0,0,0,0,91,178,218,42,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,106,0,0,0,0,0,0,32,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,255,187,16,0,0,0,0,0,16,219,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,174,254,234,84,0,0,0,0,0,92,248,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,134,254,254,198,113,159,79,11,11,230,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,175,254,254,254,254,254,254,254,254,122,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,46,68,108,150,150,206,254,254,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,212,211,229,162,144,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,210,115,148,207,215,234,105,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,107,0,0,0,26,179,246,225,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,23,0,0,0,0,0,50,220,253,154,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,23,0,0,0,38,70,70,70,237,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,124,0,0,64,243,253,253,254,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,244,80,0,63,128,182,253,254,215,96,146,241,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,203,213,25,0,34,240,253,136,6,0,0,152,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,220,95,212,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,254,210,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,254,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,185,120,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,245,146,0,26,155,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,210,4,0,0,38,244,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,131,0,0,0,0,155,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,93,0,0,0,0,0,15,229,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,214,122,26,0,0,9,132,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,245,253,232,207,208,216,242,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,152,236,253,254,202,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,188,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,213,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,251,246,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,229,246,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,239,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,227,254,233,58,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,254,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,234,254,236,226,254,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,232,254,121,9,221,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,249,50,0,212,251,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,220,12,34,245,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,167,0,115,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,179,69,244,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,240,220,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,255,254,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,197,152,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,85,137,190,146,85,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,233,231,249,253,237,127,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,110,7,0,70,145,237,252,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,140,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,192,252,242,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,187,253,231,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,221,252,191,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,174,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,224,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,206,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,243,253,253,253,255,218,139,43,43,8,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,159,224,252,253,252,252,252,252,201,205,190,190,190,191,190,190,190,190,0,0,0,0,0,0,0,0,0,0,0,14,21,83,126,126,196,231,245,252,252,252,252,253,245,231,205,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,84,84,84,84,84,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,102,169,169,169,241,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,159,245,254,254,254,215,134,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,218,254,212,132,77,8,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,87,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,237,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,121,4,31,72,138,94,53,53,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,254,223,240,254,254,254,254,254,227,181,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,243,112,87,49,39,112,125,166,246,229,94,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,67,0,0,0,0,0,0,0,74,214,254,187,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,92,234,198,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,246,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,249,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,96,13,0,0,0,0,0,0,0,49,237,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,235,20,0,0,0,0,0,2,58,214,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,67,9,5,8,9,49,170,254,242,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,244,255,254,215,242,255,254,244,128,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,128,168,197,168,168,99,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,0,0,0,0,48,160,197,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,141,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,0,0,0,0,141,253,253,128,0,0,0,0,0,0,111,16,0,0,0,0,0,0,0,0,22,234,252,252,0,0,0,0,141,252,252,28,0,0,0,0,0,26,222,28,0,0,0,0,0,0,0,0,23,234,252,252,0,0,0,0,141,252,252,28,0,0,0,0,0,45,240,116,0,0,0,0,0,0,0,0,128,252,252,202,0,0,0,0,91,252,252,128,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,141,253,253,128,0,0,0,0,26,244,253,253,0,0,0,0,41,216,253,140,0,0,0,0,0,0,0,0,141,252,252,103,0,0,0,0,0,169,252,252,0,13,57,157,253,252,252,115,0,0,0,0,0,0,0,0,141,252,252,139,0,0,0,0,0,169,252,252,147,209,252,252,253,233,118,19,0,0,0,0,0,0,0,0,141,252,252,40,0,26,113,113,126,243,252,252,253,252,252,252,190,109,0,0,0,0,0,0,0,0,0,0,141,253,253,253,255,253,253,253,254,253,253,253,254,247,187,163,0,0,0,0,0,0,0,0,0,0,0,0,60,208,252,252,253,252,252,252,253,252,252,252,159,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,143,168,168,168,130,56,56,100,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,252,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,255,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,189,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,136,221,254,211,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,224,253,224,206,228,245,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,168,17,0,72,246,191,3,3,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,244,44,0,0,0,151,254,90,191,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,80,0,0,0,0,93,255,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,46,0,0,0,0,142,254,253,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,251,165,7,0,0,62,240,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,203,185,184,215,253,254,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,184,235,254,254,247,151,195,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,48,31,21,0,161,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,177,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,38,136,172,255,146,130,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,163,253,253,253,253,253,253,242,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,158,250,253,220,118,82,82,82,82,182,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,212,253,218,117,24,0,0,0,0,0,148,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,86,220,253,216,84,0,0,0,0,0,0,0,107,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,216,30,0,0,0,0,0,0,0,0,80,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,164,0,0,0,0,0,0,0,0,1,150,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,24,112,73,0,0,0,0,0,0,0,0,12,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,244,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,236,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,165,253,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,66,77,183,200,253,253,222,183,115,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,210,253,253,253,253,253,253,253,253,253,219,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,237,152,62,35,35,96,152,171,228,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,190,135,125,14,0,0,0,0,0,0,4,103,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,157,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,221,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,237,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,248,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,212,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,176,254,143,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,5,29,130,130,167,255,212,130,21,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,230,162,253,253,253,253,253,253,253,205,82,1,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,253,253,253,240,140,111,111,111,156,235,252,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,151,165,28,0,0,0,0,0,0,95,105,56,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,237,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,237,253,170,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,236,253,236,83,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,197,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,169,253,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,201,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,86,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,216,0,0,0,0,0,0,63,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,235,0,0,0,0,0,0,63,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,235,0,0,0,0,0,0,111,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,235,0,0,0,0,0,51,247,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,224,112,112,112,136,240,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,202,253,253,253,253,253,253,253,130,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,129,205,253,253,168,129,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,152,254,253,254,172,152,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,233,252,253,212,253,252,253,232,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,0,0,0,0,21,142,234,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,213,10,0,0,0,0,0,0,51,192,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,203,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,243,40,0,0,0,0,0,0,0,20,172,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,131,0,0,0,0,0,0,0,0,92,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,252,142,20,0,0,0,0,0,0,71,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,254,151,0,21,152,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,232,142,162,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,162,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,213,173,213,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,233,30,10,172,253,172,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,183,0,0,0,123,243,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,61,0,0,0,0,40,172,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,123,0,0,0,0,0,82,223,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,243,122,0,0,0,0,0,142,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,223,254,213,193,152,173,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,131,151,192,213,171,151,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,247,191,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,40,159,159,254,186,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,178,53,29,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,252,244,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,253,252,252,252,253,252,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,253,252,252,252,253,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,163,0,0,51,176,244,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,88,0,0,0,0,94,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,214,0,0,0,0,0,38,234,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,139,0,0,0,0,0,0,22,228,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,106,0,0,0,0,0,0,0,0,226,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,214,19,0,0,0,0,0,0,0,0,225,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,158,0,0,0,0,0,0,0,0,29,234,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,241,47,0,0,0,0,0,0,0,0,185,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,226,0,0,0,0,0,0,0,4,128,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,0,0,0,104,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,0,0,126,229,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,250,125,0,0,0,26,150,249,253,227,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,228,141,141,141,216,253,253,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,252,252,252,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,253,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,103,139,190,190,115,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,255,102,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,252,250,253,253,189,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,124,35,158,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,0,0,12,224,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,228,233,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,248,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,49,0,0,0,118,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,244,206,159,159,243,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,253,253,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,233,233,253,252,74,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,142,207,182,27,67,249,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,3,0,0,44,217,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,83,0,0,0,0,0,0,0,43,127,127,21,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,83,0,0,0,0,0,0,169,196,250,250,181,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,83,0,0,0,0,0,0,252,250,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,254,252,252,252,76,0,0,0,0,0,254,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,250,250,0,0,0,0,0,182,250,250,250,250,210,0,0,0,0,0,0,0,0,0,0,0,0,146,250,250,250,250,0,0,0,0,0,148,250,250,250,250,210,0,0,0,0,0,0,0,0,0,0,0,0,14,138,250,250,250,0,0,0,0,0,252,250,250,250,250,210,0,0,0,0,0,0,0,0,0,0,0,0,0,14,146,250,250,177,0,0,0,0,252,250,250,250,250,246,139,0,0,0,0,0,0,0,0,0,0,0,0,0,107,239,252,254,182,43,43,43,255,252,252,252,252,255,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,237,252,250,250,250,250,252,250,250,250,250,238,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,250,250,250,250,252,250,250,250,250,231,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,83,167,250,250,252,250,250,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,41,41,41,41,146,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,255,252,146,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,252,250,250,138,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,209,250,252,250,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,223,252,250,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,76,250,144,41,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,142,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,230,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,237,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,183,2,0,0,0,0,0,76,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,70,228,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,100,230,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,209,102,99,99,217,249,253,253,219,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,235,253,253,253,253,254,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,210,254,254,254,255,254,254,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,49,111,28,87,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,182,255,178,168,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,254,254,254,254,254,251,138,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,250,235,130,95,95,139,180,216,254,197,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,10,0,0,0,0,0,20,91,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,204,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,254,198,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,174,254,170,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,215,254,129,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,199,249,246,123,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,236,254,254,246,182,139,126,57,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,219,219,219,219,219,190,219,247,224,114,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,159,254,145,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,247,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,242,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,89,253,69,0,0,0,0,0,0,0,0,0,0,0,0,25,92,74,9,7,0,0,0,0,0,0,4,118,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,157,243,237,177,131,91,91,91,130,211,252,149,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,101,167,183,254,254,254,254,186,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,158,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,224,150,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,221,247,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,237,248,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,44,0,0,0,0,0,0,0,0,0,22,15,0,0,0,0,0,0,0,0,0,0,0,0,0,5,230,254,44,0,0,0,0,0,0,0,4,139,243,226,53,0,0,0,0,0,0,0,0,0,0,0,0,62,254,222,12,0,0,0,0,0,0,3,151,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,92,254,210,0,0,0,0,0,0,0,123,254,238,178,254,88,0,0,0,0,0,0,0,0,0,0,0,0,149,254,153,0,0,0,0,0,0,74,249,238,55,150,254,61,0,0,0,0,0,0,0,0,0,0,0,0,149,254,146,0,0,0,0,0,0,182,254,146,28,237,204,2,0,0,0,0,0,0,0,0,0,0,0,0,149,254,149,0,0,0,0,0,0,246,254,32,127,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,58,248,210,0,0,0,0,0,120,253,180,14,218,246,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,248,38,0,0,0,0,167,254,105,144,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,163,8,0,0,0,209,254,198,249,220,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,250,254,164,27,27,27,254,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,236,254,254,254,254,255,254,254,144,159,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,139,224,245,245,251,254,254,254,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,218,254,205,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,254,254,255,255,143,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,176,253,253,253,253,253,253,212,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,89,245,253,252,211,139,163,252,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,186,0,0,0,200,253,253,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,129,25,0,0,0,51,207,253,253,208,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,174,5,0,0,0,0,23,213,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,127,33,0,0,0,14,221,253,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,253,253,253,233,91,0,0,106,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,56,234,253,253,245,56,17,230,253,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,222,241,253,253,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,78,207,253,253,253,228,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,248,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,228,253,253,208,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,40,142,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,165,1,3,139,252,251,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,161,0,0,0,244,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,238,13,0,0,244,253,194,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,203,249,249,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,253,253,253,253,253,177,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,201,228,145,133,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,148,201,253,209,148,69,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,173,253,252,252,252,252,253,252,238,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,252,253,252,251,160,82,144,238,252,247,188,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,226,227,252,160,0,0,0,28,142,252,252,239,113,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,59,148,252,126,0,0,0,0,4,42,218,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,18,222,42,148,253,188,0,0,0,0,0,0,168,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,11,69,252,231,0,0,0,0,8,155,242,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,251,130,0,22,136,234,252,244,152,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,231,169,253,252,247,162,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,252,252,253,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,252,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,252,171,47,232,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,196,7,0,185,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,80,0,0,18,253,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,150,0,0,0,0,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,221,106,0,0,0,116,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,206,22,75,197,249,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,252,252,252,154,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,252,182,147,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,197,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,218,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,169,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,78,17,209,205,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,240,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,164,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,84,184,154,38,1,0,0,0,0,115,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,254,155,10,0,0,30,197,181,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,246,9,153,250,200,28,59,224,209,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,176,0,0,125,248,237,250,182,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,127,0,66,130,240,254,242,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,161,253,206,254,248,180,215,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,151,127,48,0,8,206,230,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,173,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,170,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,141,253,235,0,32,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,194,249,250,36,0,91,191,138,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,157,253,250,106,0,0,134,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,253,128,0,0,0,134,253,227,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,251,106,0,0,0,0,187,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,231,11,0,0,0,8,219,253,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,230,254,202,116,90,90,131,253,253,224,133,156,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,148,253,253,253,253,254,253,253,253,253,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,56,65,104,254,253,253,218,134,74,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,254,243,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,254,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,254,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,209,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,192,118,18,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,204,254,254,254,224,111,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,151,245,254,249,181,165,217,254,180,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,254,197,0,0,20,164,248,216,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,243,254,217,153,113,0,0,0,0,190,254,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,16,207,254,217,30,15,13,0,0,0,0,13,200,254,193,0,0,0,0,0,0,0,0,0,0,0,0,1,152,254,253,107,0,0,0,0,0,0,0,0,12,200,252,71,0,0,0,0,0,0,0,0,0,0,0,18,254,254,172,0,0,0,0,0,0,0,0,0,0,30,254,195,5,0,0,0,0,0,0,0,0,0,0,18,254,254,65,0,0,0,0,0,0,0,0,0,0,11,199,254,128,0,0,0,0,0,0,0,0,0,0,18,254,254,65,0,0,0,0,0,0,0,0,0,0,0,73,238,230,25,0,0,0,0,0,0,0,0,0,110,254,238,45,0,0,0,0,0,0,0,0,0,0,0,0,184,254,71,0,0,0,0,0,0,0,0,0,137,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,153,0,0,0,0,0,0,0,0,0,137,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,198,8,0,0,0,0,0,0,0,0,76,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,17,0,0,0,0,0,0,0,0,18,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,135,254,243,15,0,0,0,0,0,0,0,0,15,236,254,196,31,0,0,0,0,0,0,0,0,0,0,0,184,254,153,0,0,0,0,0,0,0,0,0,0,60,233,254,230,79,3,0,0,0,0,0,0,0,8,88,235,254,153,0,0,0,0,0,0,0,0,0,0,0,117,233,254,254,204,135,84,84,84,84,84,144,208,254,254,227,48,0,0,0,0,0,0,0,0,0,0,0,0,60,236,254,254,254,254,254,254,254,254,254,254,254,181,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,67,191,202,254,255,254,255,254,249,122,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,67,67,67,0,0,0,0,0,0,0,0,0,0,0,0,46,209,18,0,0,0,0,0,0,9,100,137,211,252,252,209,0,0,0,0,0,0,0,0,0,45,224,173,27,166,42,23,23,71,133,209,242,243,252,252,242,163,87,6,0,0,0,0,0,0,0,0,22,226,252,230,0,141,248,252,252,252,253,252,252,252,216,159,46,0,0,0,0,0,0,0,0,0,0,0,72,252,252,248,198,183,239,252,252,214,165,135,55,55,19,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,247,217,93,21,21,21,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,209,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,252,252,218,163,78,44,78,54,34,78,78,78,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,252,252,252,238,252,243,234,253,252,252,236,148,111,10,0,0,0,0,0,0,0,0,0,0,0,0,78,153,220,220,246,253,253,253,239,255,253,253,253,253,253,249,125,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,77,77,125,43,77,77,77,182,186,238,252,252,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,192,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,175,248,252,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,195,169,232,154,164,231,236,252,252,207,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,160,209,208,225,252,252,237,155,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,66,66,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,174,114,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,194,243,252,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,200,252,252,252,253,252,100,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,177,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,253,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,252,242,167,253,252,252,252,252,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,114,0,222,252,220,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,252,252,84,0,38,209,68,196,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,220,37,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,253,56,0,0,0,0,26,207,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,103,0,0,0,0,104,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,195,0,0,0,19,209,252,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,253,252,233,72,0,92,196,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,239,140,253,252,252,252,252,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,253,253,253,253,255,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,206,252,252,252,252,253,252,252,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,122,252,252,252,253,233,86,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,230,252,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,189,112,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,117,0,0,0,0,0,8,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,203,48,0,0,0,0,0,79,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,48,0,0,0,0,0,188,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,244,33,0,0,0,0,45,232,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,168,0,0,0,0,0,103,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,0,0,0,0,187,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,0,0,0,26,206,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,0,0,0,52,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,0,0,5,181,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,143,0,0,0,26,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,202,0,0,10,200,240,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,248,54,0,159,61,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,183,178,68,116,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,234,254,95,1,195,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,120,10,0,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,100,0,0,0,32,237,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,94,0,0,0,0,217,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,36,0,0,0,0,218,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,202,3,0,0,0,32,238,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,241,166,0,0,0,0,55,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,241,122,109,77,19,69,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,253,253,253,253,254,253,253,196,181,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,254,254,254,254,255,254,254,126,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,109,108,108,37,18,109,210,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,156,183,148,148,113,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,253,252,212,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,252,252,252,253,252,252,247,232,216,162,179,197,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,194,252,252,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,235,253,252,252,252,252,253,252,252,252,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,107,106,106,106,194,150,71,233,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,211,211,185,194,212,225,252,252,191,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,253,255,253,253,253,253,255,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,196,252,252,252,253,252,252,252,252,253,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,126,214,253,252,252,252,244,253,245,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,183,49,84,56,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,241,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,147,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,192,254,220,254,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,70,239,254,254,217,221,254,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,150,254,248,153,56,0,9,171,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,143,254,169,35,0,0,0,0,35,197,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,166,6,0,0,0,0,0,0,13,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,238,215,9,0,0,0,0,0,0,0,0,4,54,13,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,109,0,0,0,0,0,0,0,0,0,79,254,229,7,0,0,0,0,0,0,0,0,0,0,0,0,104,254,18,0,0,0,0,0,0,0,0,67,243,254,182,4,0,0,0,0,0,0,0,0,0,0,0,0,104,254,167,116,29,29,29,99,124,207,217,241,254,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,31,187,254,254,254,254,254,254,254,254,254,254,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,95,95,95,95,95,36,0,105,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,242,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,241,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,244,219,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,152,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,128,253,255,197,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,107,205,242,252,252,252,253,252,252,242,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,226,248,252,252,252,192,158,158,159,158,242,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,184,172,74,39,15,0,0,0,34,235,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,53,8,0,0,0,0,0,0,0,142,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,249,252,164,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,252,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,208,253,252,168,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,158,252,252,253,252,252,163,112,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,252,252,253,252,252,252,252,164,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,183,63,0,57,133,235,253,253,161,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,6,0,0,0,0,11,146,252,252,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,185,248,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,236,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,157,0,0,0,0,0,0,0,78,235,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,218,15,0,0,0,0,15,153,236,252,245,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,193,160,160,161,160,194,252,252,232,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,252,252,253,252,252,241,203,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,119,132,252,252,253,126,119,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,213,0,0,0,0,0,0,0,0,31,132,255,151,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,212,0,0,0,0,0,0,0,82,233,252,253,232,0,0,0,0,0,0,0,0,0,21,113,193,254,213,123,0,0,0,0,0,0,21,92,253,255,233,82,0,0,0,0,0,0,0,0,0,0,102,253,252,213,10,0,0,0,0,0,0,21,203,253,252,91,30,0,0,0,0,0,0,0,0,0,0,92,233,254,233,41,0,0,0,0,0,0,0,173,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,152,252,131,30,0,0,0,0,0,0,0,123,253,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,234,253,62,0,0,0,0,0,0,0,214,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,183,0,0,0,0,0,0,123,253,252,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,172,132,51,31,31,132,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,252,253,252,193,192,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,102,142,113,233,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,131,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,192,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,211,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,117,124,112,113,150,154,183,183,183,190,255,196,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,254,254,254,254,254,252,247,247,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,254,241,207,206,188,184,135,135,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,168,254,54,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,224,6,0,54,54,54,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,254,154,142,225,254,254,254,200,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,254,254,254,245,210,238,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,251,106,10,3,8,170,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,243,254,254,218,64,0,0,0,0,23,254,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,208,36,0,0,0,0,0,11,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,5,60,237,236,53,0,0,0,0,0,0,54,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,163,124,4,16,0,0,0,0,0,0,0,154,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,28,241,62,0,0,0,0,0,0,0,0,2,199,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,112,247,0,0,0,0,0,0,0,0,0,113,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,112,226,0,0,0,0,0,0,0,0,54,229,254,191,8,0,0,0,0,0,0,0,0,0,0,0,0,0,112,248,15,0,0,0,0,0,0,35,221,254,251,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,226,143,3,0,0,0,0,61,224,254,250,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,164,51,0,34,162,246,254,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,165,251,252,247,251,254,254,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,126,188,254,225,142,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,87,161,229,255,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,80,237,253,253,253,254,253,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,195,253,254,248,221,171,163,251,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,253,253,169,56,0,0,0,230,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,247,118,0,0,0,0,0,231,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,253,145,0,0,0,0,0,38,243,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,223,42,0,0,0,0,0,70,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,170,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,115,0,0,0,0,0,85,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,254,115,0,0,0,26,164,247,254,253,164,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,177,74,57,141,232,253,253,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,253,253,253,254,253,177,228,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,184,184,184,160,76,15,229,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,185,0,0,26,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,248,63,89,214,248,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,254,253,253,236,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,254,253,135,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,73,73,11,32,73,73,176,208,163,163,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,215,253,238,243,253,238,179,108,179,237,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,36,36,36,36,26,0,0,0,181,243,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,231,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,196,235,235,236,235,235,235,242,254,253,238,229,145,145,145,60,0,0,0,0,0,0,0,0,0,0,0,0,18,36,36,36,36,49,193,253,159,127,127,127,127,195,245,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,246,0,0,0,0,0,16,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,219,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,250,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,113,152,152,233,254,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,233,252,253,252,233,151,151,232,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,193,254,253,224,122,82,0,0,0,0,123,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,212,91,50,20,0,0,0,0,0,21,223,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,81,0,0,0,0,0,0,0,21,214,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,0,0,0,0,0,0,0,82,223,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,203,243,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,253,254,253,254,172,152,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,192,111,151,151,151,151,172,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,214,253,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,0,0,0,21,102,102,142,213,252,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,173,213,254,253,254,233,183,142,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,192,253,252,233,111,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,158,0,0,0,0,14,67,156,141,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,142,0,14,35,154,224,253,253,242,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,0,74,229,253,253,235,167,78,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,253,139,159,250,253,164,117,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,254,207,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,205,60,173,135,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,253,253,166,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,226,254,250,226,253,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,197,253,231,106,18,126,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,231,38,0,0,16,218,255,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,218,46,0,0,0,0,68,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,160,0,0,0,0,0,37,170,244,219,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,55,13,79,79,86,199,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,247,237,253,254,253,253,164,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,155,245,177,155,73,58,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,46,134,194,186,163,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,222,239,228,99,121,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,199,253,222,116,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,247,56,0,0,0,22,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,253,253,64,0,0,0,0,77,215,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,179,246,116,8,0,0,0,19,201,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,78,0,0,0,100,226,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,199,74,0,79,196,253,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,202,253,250,196,254,253,215,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,253,253,254,253,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,216,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,213,253,254,237,32,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,254,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,253,253,154,232,237,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,139,0,214,155,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,254,244,45,37,239,175,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,206,0,141,253,180,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,226,253,117,61,224,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,212,204,254,253,180,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,118,193,231,73,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,128,234,254,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,249,254,254,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,253,225,92,124,166,254,218,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,216,254,177,14,0,0,63,254,241,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,254,232,19,0,0,17,175,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,121,0,0,0,198,254,249,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,223,8,0,0,69,253,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,172,75,45,206,254,206,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,236,254,254,254,254,254,254,149,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,119,182,209,254,254,254,254,179,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,209,254,234,120,221,254,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,155,254,249,99,0,20,208,254,179,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,117,0,0,0,78,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,207,254,194,3,0,0,0,23,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,118,254,254,66,0,0,0,0,98,254,209,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,119,3,0,0,7,116,245,251,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,227,254,231,15,0,7,90,218,254,236,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,254,108,42,147,232,252,203,65,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,254,254,213,123,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,181,239,177,149,106,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,173,253,193,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,253,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,142,20,21,223,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,171,0,82,82,122,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,123,0,173,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,171,0,0,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,91,0,0,234,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,172,10,0,0,233,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,254,192,41,0,0,0,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,70,0,0,0,82,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,20,0,0,11,213,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,102,0,0,0,51,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,62,214,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,0,0,0,102,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,192,0,0,113,233,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,123,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,172,173,253,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,252,253,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,253,203,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,232,192,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,140,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,72,196,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,128,192,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,142,182,222,251,254,253,253,217,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,253,253,253,254,193,95,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,252,198,115,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,186,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,142,24,93,176,207,235,191,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,170,183,253,253,254,253,253,245,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,253,253,233,149,120,164,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,252,183,35,0,0,0,48,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,120,0,0,0,0,0,48,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,158,0,0,0,0,0,0,128,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,10,0,0,0,0,0,8,218,237,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,186,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,219,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,211,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,230,233,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,188,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,157,183,237,193,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,217,253,253,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,223,202,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,155,253,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,233,253,253,130,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,253,245,172,48,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,253,202,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,42,130,210,253,253,199,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,156,255,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,114,255,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,128,0,0,0,158,253,253,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,211,128,128,216,254,253,243,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,254,232,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,237,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,152,152,152,152,152,152,92,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,253,252,253,252,253,252,203,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,255,253,224,203,203,203,203,223,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,151,70,20,0,0,0,0,20,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,253,252,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,193,254,253,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,253,232,142,61,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,254,253,254,253,254,253,254,253,193,152,152,71,0,0,0,0,0,0,0,0,0,0,0,0,0,122,192,151,91,50,71,151,213,252,253,252,253,252,253,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,123,203,193,253,255,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,62,132,31,0,0,0,0,0,0,0,0,113,233,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,232,0,0,0,0,0,0,0,123,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,172,41,21,11,51,214,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,243,223,213,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,255,253,255,253,203,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,151,151,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,152,193,234,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,252,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,252,253,212,50,131,151,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,213,10,0,0,0,0,21,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,203,0,0,0,31,132,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,223,20,0,0,233,252,253,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,112,0,163,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,151,41,243,253,212,91,131,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,172,72,253,244,40,0,163,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,233,252,203,0,82,243,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,253,255,253,255,253,255,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,253,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,255,253,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,255,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,184,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,200,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,139,0,0,0,0,0,0,0,0,0,0,46,23,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,214,0,0,2,20,73,118,140,215,215,215,245,231,170,82,0,0,0,0,0,0,0,0,0,0,0,20,254,214,0,102,182,254,254,254,254,254,229,175,175,176,242,230,13,0,0,0,0,0,0,0,0,0,0,2,182,251,122,254,254,241,161,117,19,19,13,0,0,0,125,254,72,0,0,0,0,0,0,0,0,0,0,0,101,254,254,254,254,236,143,23,0,0,0,0,0,0,118,254,117,0,0,0,0,0,0,0,0,0,0,0,61,250,255,23,84,99,61,23,0,0,0,0,0,0,119,236,15,0,0,0,0,0,0,0,0,0,0,0,0,144,254,185,3,0,0,0,0,0,0,0,0,81,217,125,0,0,0,0,0,0,0,0,0,0,0,0,0,28,205,254,188,109,6,0,0,0,55,94,176,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,177,248,254,236,235,236,235,248,254,254,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,155,208,254,232,155,155,140,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,197,167,82,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,225,251,254,254,254,195,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,254,254,254,254,254,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,252,80,57,50,226,254,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,184,0,0,0,42,225,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,246,254,184,12,0,0,0,0,73,237,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,254,242,34,0,0,0,0,0,0,149,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,125,0,0,0,0,0,0,0,131,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,240,33,0,0,0,0,0,0,0,131,254,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,158,0,0,0,0,0,0,0,0,131,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,20,237,254,44,0,0,0,0,0,0,0,0,132,254,210,21,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,44,0,0,0,0,0,0,0,15,226,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,44,0,0,0,0,0,0,0,134,254,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,44,0,0,0,0,0,0,83,233,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,254,44,0,0,0,0,0,52,234,254,216,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,237,254,103,8,0,0,0,0,170,254,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,104,16,0,19,172,252,247,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,251,254,254,228,193,235,255,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,254,254,254,254,254,136,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,166,233,254,223,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,255,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,241,254,242,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,225,89,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,225,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,233,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,49,35,123,194,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,236,254,254,254,254,230,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,254,232,156,153,248,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,151,9,0,0,159,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,250,83,0,0,0,8,212,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,202,0,0,0,0,17,220,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,202,0,0,0,2,180,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,220,13,0,1,127,254,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,34,15,170,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,161,255,255,255,212,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,217,253,253,253,253,253,253,253,150,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,37,216,253,249,235,240,253,253,253,253,253,155,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,212,82,0,29,141,128,147,250,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,253,150,31,0,0,0,0,0,0,85,235,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,211,32,0,0,0,0,0,0,0,0,205,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,149,233,32,0,0,0,0,0,0,0,0,0,100,253,141,0,0,0,0,0,0,0,0,0,0,0,0,13,220,222,0,0,0,0,0,0,0,0,0,0,100,253,141,0,0,0,0,0,0,0,0,0,0,0,0,108,253,134,0,0,0,0,0,0,0,0,0,0,100,253,141,0,0,0,0,0,0,0,0,0,0,0,4,170,253,99,0,0,0,0,0,0,0,0,0,0,129,253,141,0,0,0,0,0,0,0,0,0,0,0,13,253,253,99,0,0,0,0,0,0,0,0,0,0,223,253,48,0,0,0,0,0,0,0,0,0,0,0,13,253,253,134,0,0,0,0,0,0,0,0,0,28,232,170,4,0,0,0,0,0,0,0,0,0,0,0,13,253,253,222,0,0,0,0,0,0,0,0,28,205,253,109,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,222,0,0,0,0,0,0,0,0,88,253,219,16,0,0,0,0,0,0,0,0,0,0,0,0,2,158,253,222,0,0,0,0,0,0,0,116,230,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,250,130,0,0,0,0,0,115,248,253,123,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,250,147,34,0,26,139,248,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,253,253,253,217,112,207,253,253,124,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,150,253,253,253,253,253,221,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,253,162,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,40,40,40,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,59,131,137,197,215,215,254,253,253,253,239,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,249,253,253,224,175,157,97,98,97,97,122,254,238,24,0,0,0,0,0,0,0,0,0,0,0,0,0,85,144,61,0,0,0,0,0,0,0,0,85,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,231,239,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,131,235,235,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,233,65,20,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,226,253,254,226,244,253,249,195,129,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,217,141,117,117,140,195,221,253,253,185,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,19,8,0,0,0,0,0,9,19,92,230,250,216,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,223,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,223,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,177,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,98,74,86,20,92,230,254,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,154,214,244,253,253,239,118,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,39,39,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,213,177,160,70,67,42,0,0,0,0,0,55,98,55,0,0,0,0,0,0,0,0,0,0,0,0,0,9,188,254,241,189,254,243,227,226,226,226,191,214,254,226,20,0,0,0,0,0,0,0,0,0,0,0,0,3,216,254,168,103,254,250,245,244,248,254,234,150,216,188,22,0,0,0,0,0,0,0,0,0,0,0,3,107,248,254,254,254,207,53,0,0,35,197,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,248,252,250,206,95,10,0,0,0,0,118,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,74,226,254,254,116,0,0,0,0,0,0,0,42,246,226,34,0,0,0,0,0,0,0,0,0,0,0,0,53,172,197,117,14,0,0,0,0,0,0,0,0,236,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,0,0,0,0,0,0,0,0,0,0,236,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,255,201,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,250,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,226,254,241,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,86,2,0,0,0,0,0,0,81,243,254,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,225,18,0,0,0,0,0,79,246,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,242,161,57,57,68,186,251,254,227,75,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,208,245,254,254,254,247,162,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,191,159,159,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,242,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,31,0,0,0,0,0,0,211,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,212,11,0,0,0,0,0,211,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,161,2,0,0,0,0,28,251,254,49,0,18,8,0,0,0,0,0,0,0,0,0,0,0,0,33,243,238,64,0,0,0,0,0,86,254,219,0,3,128,5,0,0,0,0,0,0,0,0,0,0,0,0,101,254,162,0,0,0,0,0,0,104,254,136,0,62,226,11,0,0,0,0,0,0,0,0,0,0,0,0,90,254,162,0,0,0,0,0,0,157,254,85,46,244,152,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,182,0,0,0,0,0,0,219,254,181,232,226,58,0,0,0,0,0,0,0,0,0,0,0,0,0,1,120,253,157,48,0,0,0,46,253,254,254,186,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,240,211,146,211,248,254,254,188,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,69,198,236,255,254,248,254,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,52,52,38,252,218,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,196,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,186,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,250,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,228,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,175,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,249,87,0,0,0,8,19,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,224,254,162,0,0,0,0,138,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,235,254,176,0,0,0,0,195,254,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,103,0,0,0,0,198,254,212,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,103,0,0,0,0,198,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,177,67,67,127,160,234,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,212,254,254,254,254,255,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,216,250,254,247,245,246,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,85,22,0,38,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,233,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,143,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,201,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,230,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,245,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,243,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,249,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,189,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,255,211,191,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,197,242,252,253,252,252,252,238,175,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,252,252,217,215,221,252,253,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,148,108,0,0,16,108,253,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,118,0,0,0,0,0,0,62,237,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,5,0,0,0,0,0,0,0,217,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,109,47,0,0,0,0,0,218,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,252,232,156,52,0,0,0,93,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,129,252,252,252,253,231,51,0,0,176,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,148,190,253,252,71,0,63,237,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,72,0,192,253,253,170,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,189,10,0,78,242,252,252,253,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,221,252,76,0,0,0,103,241,252,253,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,35,0,0,0,42,221,252,253,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,35,0,0,47,233,253,253,255,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,77,11,73,233,252,252,210,180,200,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,231,191,252,253,252,205,31,0,21,71,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,252,252,252,252,253,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,118,243,255,253,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,252,253,252,252,219,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,195,130,69,90,202,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,227,29,0,0,0,13,215,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,231,48,0,0,0,0,32,228,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,196,0,0,0,0,5,191,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,92,0,0,0,5,136,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,236,25,0,0,0,55,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,249,118,0,0,95,233,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,248,146,210,240,253,231,117,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,233,253,253,253,232,158,0,70,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,92,92,92,8,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,246,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,214,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,254,254,196,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,246,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,220,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,255,200,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,229,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,254,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,233,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,247,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,254,236,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,228,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,178,253,69,0,0,0,0,0,0,0,55,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,69,0,0,0,0,0,0,18,197,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,228,10,0,0,0,0,0,0,70,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,155,0,0,0,0,0,0,0,138,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,124,0,0,0,0,0,0,0,169,231,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,91,0,0,0,0,0,0,6,198,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,80,0,0,0,0,0,0,71,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,124,0,0,0,0,0,0,116,253,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,240,117,50,50,50,50,113,197,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,178,253,253,253,253,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,166,193,194,193,193,208,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,248,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,245,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,121,242,222,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,41,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,0,0,0,0,0,62,254,253,254,213,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,0,0,0,0,0,102,253,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,123,0,0,0,0,102,254,253,113,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,223,20,0,0,0,20,213,252,233,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,213,21,41,0,0,0,0,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,213,252,203,223,142,102,102,183,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,255,253,255,253,255,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,212,253,252,213,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,120,163,254,254,254,194,156,89,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,254,251,233,233,195,196,250,253,217,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,254,135,0,0,0,0,74,199,253,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,253,95,3,0,0,0,0,0,6,145,253,159,21,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,215,0,0,0,0,0,0,0,0,136,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,58,0,0,0,0,0,0,0,0,31,240,255,196,0,0,0,0,0,0,0,0,0,0,0,0,20,253,219,9,0,0,0,0,0,0,0,0,0,195,254,233,0,0,0,0,0,0,0,0,0,0,0,0,20,253,213,0,0,0,0,0,0,0,0,0,0,195,254,247,84,0,0,0,0,0,0,0,0,0,0,0,20,253,250,54,0,0,0,0,0,0,0,0,37,226,254,253,174,0,0,0,0,0,0,0,0,0,0,0,5,155,253,133,38,0,0,0,0,0,0,0,174,253,254,253,205,8,0,0,0,0,0,0,0,0,0,0,0,31,242,254,255,163,59,59,59,59,104,224,254,171,232,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,51,211,254,253,253,253,253,254,253,239,91,9,156,253,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,174,174,205,174,175,92,24,0,0,156,253,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,0,0,0,0,0,156,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,234,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,216,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,86,143,255,254,185,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,188,248,183,100,136,249,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,246,83,0,0,0,128,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,200,253,114,0,0,0,0,107,253,230,99,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,167,5,0,0,0,0,63,244,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,99,0,0,0,0,0,0,128,253,243,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,215,242,25,0,0,0,0,0,6,199,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,204,0,0,0,0,0,5,189,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,204,0,0,0,0,29,215,253,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,236,48,0,0,159,249,253,226,253,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,254,235,98,191,254,188,51,189,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,197,251,253,243,130,0,2,192,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,65,25,0,0,17,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,249,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,248,230,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,206,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,97,150,120,204,254,194,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,122,187,242,245,254,254,254,232,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,221,180,116,69,44,193,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,129,63,13,0,0,38,220,254,254,130,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,219,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,231,254,254,210,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,231,254,182,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,231,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,250,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,229,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,249,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,158,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,217,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,117,245,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,103,122,212,254,245,167,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,254,242,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,165,228,154,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,175,251,189,159,226,215,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,218,223,57,0,0,38,233,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,223,39,0,0,0,0,142,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,251,82,0,0,0,0,0,58,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,189,0,0,0,0,0,0,172,214,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,154,0,0,0,0,0,57,240,66,165,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,174,0,0,0,0,7,218,229,224,254,246,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,247,47,0,0,0,8,172,239,254,254,227,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,255,230,79,64,89,173,246,222,151,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,234,254,254,254,225,129,8,143,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,80,55,0,0,18,235,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,176,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,252,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,198,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,186,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,187,252,226,186,201,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,253,154,27,0,10,207,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,219,242,242,245,252,59,3,0,0,29,227,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,252,252,228,252,25,0,0,0,128,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,210,97,31,55,24,0,0,56,234,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,248,78,0,0,0,0,0,0,233,252,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,97,0,0,0,0,0,0,81,248,199,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,252,55,0,14,159,92,78,107,241,246,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,252,55,0,45,252,252,253,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,69,0,45,253,253,255,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,226,124,147,252,252,216,203,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,175,252,252,252,252,166,19,67,252,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,142,252,252,202,16,0,67,252,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,223,23,0,8,155,252,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,252,170,0,0,158,252,252,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,247,58,45,217,253,220,88,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,252,209,252,252,228,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,252,252,252,185,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,195,233,142,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,225,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,149,59,0,0,0,0,0,0,0,0,213,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,125,0,0,0,0,0,0,0,30,232,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,183,0,0,0,0,0,0,0,124,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,115,0,0,0,0,0,0,0,192,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,232,254,120,92,4,0,0,0,0,0,205,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,246,254,157,24,0,0,0,20,233,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,48,250,254,133,61,215,254,217,99,0,0,57,254,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,174,15,0,74,222,254,254,182,83,160,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,45,0,0,0,0,0,133,253,254,254,254,255,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,74,118,254,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,246,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,114,255,210,31,0,0,0,0,0,0,0,50,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,74,0,0,0,0,0,0,136,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,253,253,74,0,0,0,0,0,40,222,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,131,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,74,0,0,0,0,32,222,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,74,0,0,0,0,106,253,253,168,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,74,0,0,0,0,106,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,74,0,0,0,0,106,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,74,0,0,0,0,25,220,253,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,74,0,0,0,0,0,209,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,255,254,74,0,0,0,0,0,211,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,191,13,0,0,0,0,0,86,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,222,253,227,164,164,164,164,164,165,185,253,253,182,14,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,253,253,253,253,254,253,253,253,253,237,121,78,0,0,0,0,0,0,0,0,0,0,0,209,253,253,186,178,178,178,178,178,179,178,227,253,253,226,109,116,0,0,0,0,0,0,0,0,0,0,0,61,74,144,26,0,0,0,0,0,0,0,48,144,250,244,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,246,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,82,253,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,143,244,253,253,253,192,67,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,215,209,249,186,186,215,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,16,42,0,0,19,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,247,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,241,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,155,238,214,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,175,252,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,231,250,189,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,214,252,251,220,220,125,111,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,148,222,253,253,253,255,253,162,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,77,77,125,196,252,252,212,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,72,235,252,243,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,237,252,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,68,0,0,0,2,40,213,251,252,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,248,154,73,45,168,252,252,248,184,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,169,252,252,252,253,252,188,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,52,224,204,143,114,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,254,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,255,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,121,172,172,236,215,156,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,175,204,243,237,237,237,240,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,84,189,248,246,176,22,0,0,0,76,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,148,254,246,173,72,0,0,0,0,5,166,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,26,193,254,176,48,0,0,0,0,0,12,166,254,187,7,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,108,7,0,0,0,0,0,25,196,254,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,185,22,0,0,0,0,0,90,234,248,148,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,202,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,253,69,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,247,188,164,101,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,162,167,246,247,255,241,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,84,224,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,229,220,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,124,220,254,208,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,122,235,254,244,138,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,66,172,254,254,226,140,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,234,254,254,178,93,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,153,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,192,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,253,200,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,181,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,220,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,246,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,128,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,56,56,56,56,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,140,216,254,254,254,254,254,187,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,130,243,254,254,254,254,254,254,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,253,234,238,134,96,134,154,243,254,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,180,74,23,228,78,0,0,0,35,227,254,233,21,0,0,0,0,0,0,0,0,0,0,0,0,0,188,137,9,0,67,252,246,13,0,0,17,246,254,254,184,130,22,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,197,254,189,185,146,214,254,254,254,254,254,204,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,244,254,254,254,254,254,230,115,207,254,254,214,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,254,254,254,194,48,0,6,91,247,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,254,88,5,2,0,0,0,0,78,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,213,3,0,0,0,0,0,0,7,203,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,254,60,0,0,0,0,0,0,0,0,190,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,66,0,0,0,0,0,0,0,36,245,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,10,208,254,185,2,0,0,0,0,0,82,215,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,69,25,0,0,17,75,217,254,254,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,245,254,254,253,180,180,230,254,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,246,254,254,254,254,254,254,254,250,144,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,141,254,254,254,254,254,159,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,91,133,125,110,21,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,254,156,74,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,158,158,242,158,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,213,0,0,36,199,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,213,0,0,0,44,240,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,213,0,0,0,31,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,214,0,59,104,224,207,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,215,5,238,243,203,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,58,18,48,79,130,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,200,197,232,146,64,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,253,193,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,179,69,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,209,24,0,128,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,135,0,0,45,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,99,0,0,0,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,61,0,0,0,156,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,135,0,0,0,156,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,165,0,0,0,224,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,215,204,136,212,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,245,253,193,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,10,216,216,110,230,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,157,211,78,185,189,254,254,254,254,198,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,251,201,229,254,254,250,250,193,140,233,168,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,10,238,254,109,22,22,0,55,235,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,65,6,0,0,0,168,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,254,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,243,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,249,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,217,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,255,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,223,254,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,209,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,155,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,33,117,201,241,175,186,75,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,244,207,208,216,254,254,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,250,119,24,0,0,6,52,117,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,235,91,0,0,0,0,0,0,1,143,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,221,157,0,0,0,0,0,0,0,0,58,244,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,92,0,0,0,0,0,0,0,38,86,226,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,164,0,0,0,0,0,0,97,236,86,195,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,237,100,19,10,10,39,145,246,238,121,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,147,254,238,236,222,222,254,254,254,158,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,202,254,254,254,193,221,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,214,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,195,29,0,0,0,0,0,0,0,83,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,146,0,0,0,0,0,0,9,208,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,234,230,0,0,0,0,0,0,47,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,230,0,0,0,0,0,0,80,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,138,0,0,0,0,0,0,139,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,0,0,0,0,0,0,222,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,146,0,0,0,0,0,57,249,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,230,0,0,0,0,0,70,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,180,0,0,0,0,0,95,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,46,0,17,43,47,47,178,253,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,107,182,225,249,253,253,254,253,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,195,160,160,160,254,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,155,25,0,0,0,0,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,4,0,0,0,0,85,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,254,255,237,150,53,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,175,253,253,253,253,253,253,181,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,236,50,10,27,114,230,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,144,0,0,0,0,59,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,144,0,0,0,0,32,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,144,0,0,0,0,32,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,144,0,0,0,0,87,253,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,120,0,0,11,99,248,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,41,4,89,218,253,251,248,104,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,85,176,253,245,165,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,215,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,148,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,209,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,247,107,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,181,44,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,184,167,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,203,253,247,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,64,234,254,255,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,116,190,253,253,245,150,223,253,213,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,242,253,249,224,52,29,56,247,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,245,253,180,15,35,0,0,39,236,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,160,253,253,253,54,0,0,0,0,100,253,243,51,0,0,0,0,0,0,0,0,0,0,0,0,7,93,228,253,253,253,253,54,0,0,0,76,245,253,120,0,0,0,0,0,0,0,0,0,0,0,15,98,215,253,253,244,167,241,243,43,0,0,40,204,253,169,2,0,0,0,0,0,0,0,0,0,0,13,183,253,253,253,213,89,0,153,86,0,8,113,242,244,139,10,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,248,80,0,0,0,0,46,135,253,247,120,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,103,0,0,0,0,0,116,253,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,179,10,0,0,46,161,242,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,253,189,130,130,237,253,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,164,147,204,253,253,253,253,253,217,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,201,253,253,253,253,243,166,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,251,236,119,155,226,244,253,248,218,94,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,165,25,0,0,75,212,253,253,253,199,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,227,253,227,128,53,0,16,150,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,163,227,253,251,249,249,251,253,253,253,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,112,183,198,253,253,253,253,253,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,145,154,182,145,42,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,255,231,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,6,118,252,248,167,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,100,214,253,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,163,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,246,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,240,244,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,239,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,72,198,242,164,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,159,237,253,122,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,176,253,241,108,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,241,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,239,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,80,240,253,190,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,253,253,191,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,179,253,195,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,135,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,187,254,211,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,164,247,199,81,160,245,17,9,123,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,242,128,17,0,13,137,17,55,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,213,38,0,0,0,0,0,0,138,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,90,0,0,0,0,0,0,0,231,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,190,2,0,0,0,0,0,0,81,251,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,184,0,0,0,0,0,0,9,237,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,184,0,0,0,0,0,9,184,254,151,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,152,70,70,70,87,170,254,102,0,208,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,173,215,253,253,254,253,248,139,0,0,207,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,46,46,71,88,42,0,0,17,224,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,162,183,151,151,151,151,151,151,151,151,151,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,228,199,160,160,160,160,160,160,160,228,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,178,252,49,0,0,0,0,0,0,0,98,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,169,0,0,0,0,0,0,0,182,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,247,56,0,0,0,0,0,4,190,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,255,235,29,0,0,0,0,32,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,221,254,41,0,0,0,0,129,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,67,0,0,0,0,240,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,145,0,0,0,75,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,166,0,0,9,165,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,249,0,0,42,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,249,0,0,102,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,134,0,0,225,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,3,0,53,253,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,238,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,232,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,183,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,180,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,245,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,180,254,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,207,0,0,0,0,0,7,66,243,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,236,44,0,0,0,0,70,252,252,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,252,69,0,0,0,0,153,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,162,0,0,0,38,240,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,252,246,94,0,0,99,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,255,253,253,211,86,34,212,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,252,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,252,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,221,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,116,11,139,253,253,253,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,64,75,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,156,239,223,209,254,194,156,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,199,254,253,253,253,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,253,253,180,235,254,253,229,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,244,48,19,2,15,19,164,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,240,30,0,0,0,0,42,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,255,99,0,0,0,0,16,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,182,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,212,254,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,253,253,220,136,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,200,253,253,253,240,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,249,254,255,254,155,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,173,254,253,253,217,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,241,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,146,250,253,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,0,0,0,0,0,5,28,118,228,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,223,117,79,79,79,116,194,253,253,253,222,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,244,254,253,253,253,253,254,253,225,124,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,155,238,253,253,215,155,111,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,244,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,126,0,0,0,0,0,0,0,0,43,79,79,79,24,0,0,0,0,0,0,0,0,0,0,0,132,253,253,58,0,0,0,0,0,0,79,204,244,253,254,253,240,86,0,0,0,0,0,0,0,0,0,23,229,253,185,14,0,0,0,0,38,158,244,253,253,215,155,155,223,244,83,0,0,0,0,0,0,0,0,120,254,254,57,0,0,0,0,159,254,255,226,98,0,0,0,0,176,254,155,0,0,0,0,0,0,0,0,201,253,141,3,0,0,10,147,250,253,151,21,0,0,0,0,2,181,253,111,0,0,0,0,0,0,0,0,254,253,78,0,0,0,50,253,253,154,0,0,0,0,0,0,118,253,157,18,0,0,0,0,0,0,0,0,254,253,78,0,0,0,170,253,231,27,0,0,0,0,0,47,235,240,61,0,0,0,0,0,0,0,0,0,254,253,78,0,0,46,244,253,64,0,0,0,0,0,38,231,253,100,0,0,0,0,0,0,0,0,0,0,134,254,223,12,0,59,254,254,19,0,0,0,41,112,231,255,151,0,0,0,0,0,0,0,0,0,0,0,32,235,253,149,20,59,253,253,37,58,118,162,241,253,245,114,6,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,194,253,253,253,253,254,253,253,165,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,235,253,254,253,253,253,253,254,129,19,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,133,140,155,245,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,93,219,255,210,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,112,253,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,207,253,253,253,253,253,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,253,253,242,199,253,253,253,220,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,223,253,253,234,39,11,110,253,253,253,248,129,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,251,78,0,0,45,147,194,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,110,251,253,253,131,0,0,0,0,0,5,135,253,253,251,53,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,243,10,0,0,0,0,0,0,63,243,253,253,170,0,0,0,0,0,0,0,0,0,0,0,23,223,253,253,73,0,0,0,0,0,0,0,0,74,253,253,184,6,0,0,0,0,0,0,0,0,0,0,36,253,253,233,22,0,0,0,0,0,0,0,0,9,192,253,253,35,0,0,0,0,0,0,0,0,0,0,36,253,253,164,0,0,0,0,0,0,0,0,0,0,166,253,253,35,0,0,0,0,0,0,0,0,0,0,135,253,253,66,0,0,0,0,0,0,0,0,0,0,166,253,253,134,0,0,0,0,0,0,0,0,0,0,154,253,253,47,0,0,0,0,0,0,0,0,0,28,246,253,253,45,0,0,0,0,0,0,0,0,0,0,154,253,253,47,0,0,0,0,0,0,0,0,0,36,253,253,211,17,0,0,0,0,0,0,0,0,0,0,85,253,253,116,0,0,0,0,0,0,0,0,21,209,253,253,156,0,0,0,0,0,0,0,0,0,0,0,13,200,253,223,19,0,0,0,0,0,18,48,208,253,253,211,19,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,191,71,66,66,66,102,209,253,253,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,61,232,253,253,253,253,253,253,253,253,253,253,244,94,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,235,253,253,253,253,253,253,253,209,93,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,17,75,146,178,135,100,17,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,211,254,206,144,144,53,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,254,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,253,192,154,241,254,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,233,4,0,9,11,10,102,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,132,122,122,122,60,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,253,253,253,254,184,64,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,196,244,254,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,99,33,9,29,110,176,235,237,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,111,73,0,0,0,0,0,0,197,254,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,169,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,104,0,0,0,47,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,78,0,35,175,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,232,241,253,253,250,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,255,253,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,253,253,213,152,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,143,220,161,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,183,213,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,233,132,213,224,223,183,243,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,253,252,253,252,102,20,61,243,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,142,61,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,172,90,0,0,0,0,173,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,254,172,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,212,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,252,253,212,203,203,163,162,183,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,255,253,255,253,254,253,254,253,254,253,254,253,254,172,153,112,41,0,0,0,0,0,0,0,0,0,213,252,253,252,253,252,253,212,213,252,253,212,131,131,151,192,151,151,162,162,0,0,0,0,0,0,0,0,21,183,255,213,41,82,82,0,41,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,86,151,255,254,254,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,83,148,253,253,245,241,244,253,253,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,202,253,251,219,111,38,0,25,206,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,228,219,95,0,0,0,0,0,63,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,198,253,240,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,198,253,236,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,236,253,204,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,171,253,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,235,47,0,71,94,132,217,217,217,217,162,5,0,0,0,0,0,0,0,0,0,0,0,0,0,137,242,253,162,187,223,246,253,253,253,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,8,118,244,253,253,253,253,253,225,148,148,148,103,24,136,148,19,0,0,0,0,0,0,0,0,0,0,6,123,253,253,253,234,141,54,18,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,239,118,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,129,57,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,121,227,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,245,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,253,253,253,253,250,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,152,173,232,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,194,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,239,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,229,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,199,0,0,0,0,0,0,0,0,0,50,68,61,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,211,17,0,0,0,29,23,54,97,187,236,253,246,79,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,199,174,174,174,217,207,253,253,253,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,85,235,253,253,253,253,253,253,255,253,253,253,253,253,253,250,95,0,0,0,0,0,0,0,0,0,0,0,0,77,250,253,253,253,253,253,255,253,248,240,133,134,218,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,147,253,182,253,253,255,126,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,234,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,254,169,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,214,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,214,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,210,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,243,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,212,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,233,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,99,181,232,252,253,241,215,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,168,108,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,211,252,252,220,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,158,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,205,144,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,253,253,253,253,255,253,253,253,110,109,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,35,159,179,179,180,200,252,252,253,252,247,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,71,154,217,226,252,252,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,150,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,237,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,109,191,255,253,175,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,73,94,217,218,227,252,252,180,55,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,252,253,241,215,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,252,252,252,108,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,255,254,254,254,254,254,254,254,195,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,70,254,254,254,254,254,254,254,254,254,218,213,166,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,254,254,124,26,74,116,116,116,88,26,12,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,212,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,251,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,247,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,203,78,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,245,254,254,228,116,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,208,247,254,254,226,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,15,0,0,0,45,92,207,253,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,40,0,0,0,0,0,0,113,235,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,149,0,0,0,0,0,0,0,87,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,49,0,0,0,0,0,0,31,229,218,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,218,127,41,1,0,0,45,182,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,254,254,206,205,205,245,254,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,65,212,253,254,254,254,254,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,222,254,254,184,131,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,191,113,114,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,253,243,193,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,233,223,237,252,252,242,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,84,0,50,237,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,110,0,0,48,229,253,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,53,224,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,243,252,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,104,240,252,252,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,29,29,29,29,29,207,252,252,252,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,140,215,252,253,252,252,252,252,253,252,252,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,255,253,253,253,253,255,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,252,252,252,252,226,225,225,75,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,233,195,195,195,196,214,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,28,193,208,84,84,56,0,0,0,0,28,84,177,239,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,252,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,240,20,0,0,0,0,0,0,0,149,160,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,254,124,0,0,0,0,0,0,0,236,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,240,254,99,0,0,0,0,0,0,0,236,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,241,254,140,0,0,0,0,0,0,0,172,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,237,254,75,0,0,0,0,0,0,0,194,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,254,75,0,0,0,0,0,0,62,216,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,241,254,75,0,0,0,0,0,0,76,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,235,3,0,0,0,0,0,0,131,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,9,241,254,143,0,0,0,0,0,5,7,125,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,47,0,92,140,188,189,198,203,208,254,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,254,254,255,254,205,189,188,188,208,255,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,28,202,216,184,122,42,8,0,0,0,9,238,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,178,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,218,222,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,211,255,254,254,171,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,101,244,202,87,32,172,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,188,21,0,0,13,243,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,141,9,0,0,0,0,173,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,202,10,0,0,0,0,0,208,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,255,157,0,0,0,0,0,0,189,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,55,0,0,0,0,1,66,240,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,133,0,0,0,41,165,253,253,202,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,218,252,224,169,228,250,252,247,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,109,198,226,182,132,48,197,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,247,224,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,102,233,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,90,237,254,177,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,254,245,108,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,249,254,229,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,120,249,251,140,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,251,254,181,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,242,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,199,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,228,234,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,236,254,61,78,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,14,32,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,216,11,32,254,198,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,116,0,32,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,237,63,0,103,254,219,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,225,29,0,186,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,120,8,188,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,196,242,254,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,109,191,190,109,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,227,252,252,252,252,247,217,156,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,215,215,215,215,226,252,252,253,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,252,253,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,252,253,200,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,175,252,252,253,179,0,0,0,125,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,253,253,253,253,255,253,253,253,255,253,253,253,255,253,253,253,0,0,0,0,0,0,0,0,32,197,222,252,252,252,252,252,253,252,252,252,253,252,252,252,222,179,179,97,0,0,0,0,0,0,0,0,212,252,252,252,236,215,195,71,72,71,71,71,72,71,71,71,41,0,0,0,0,0,0,0,0,0,0,0,170,252,231,108,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,185,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,95,169,249,254,36,0,0,0,0,0,0,0,0,0,0,0,0,94,211,141,141,141,141,141,141,141,243,248,254,254,255,131,2,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,254,254,254,254,254,207,171,215,254,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,3,20,20,20,20,20,20,20,20,9,46,239,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,232,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,222,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,251,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,184,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,212,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,240,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,168,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,158,254,250,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,169,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,173,254,254,254,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,221,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,248,254,227,154,48,181,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,202,253,244,155,8,0,0,60,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,208,253,236,64,0,0,0,0,56,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,211,253,253,253,176,0,0,0,0,0,142,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,48,239,253,253,248,242,121,0,0,0,0,0,166,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,39,228,253,180,52,0,0,0,0,0,0,14,219,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,66,14,0,0,0,0,0,0,0,138,253,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,246,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,247,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,253,14,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,196,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,235,137,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,129,253,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,222,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,252,252,253,252,201,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,252,252,252,253,252,252,252,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,62,237,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,72,231,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,241,102,0,0,0,160,252,253,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,77,0,0,0,0,16,190,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,105,144,0,0,0,0,0,0,0,0,0,0,0,0,253,252,132,0,0,0,0,0,0,0,0,0,0,135,253,253,253,211,94,0,0,0,0,0,0,0,0,63,255,222,41,0,0,0,0,0,0,0,0,0,94,247,252,252,252,252,247,217,156,73,21,0,0,0,73,237,253,179,0,0,0,0,0,0,0,0,0,0,109,252,252,252,252,252,252,252,253,252,180,37,37,78,232,252,253,158,0,0,0,0,0,0,0,0,0,0,47,232,252,252,252,252,252,252,253,252,252,252,253,252,252,252,191,57,144,62,0,0,0,0,0,0,0,0,0,156,253,253,253,253,253,253,255,253,253,253,255,253,253,253,255,253,253,108,0,0,0,0,0,0,0,0,0,10,149,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,220,15,0,0,0,0,0,0,0,0,0,0,11,71,252,252,252,252,253,252,252,252,237,215,241,252,253,220,102,0,0,0,0,0,0,0,0,0,0,0,0,1,108,148,231,190,253,252,231,108,62,0,78,108,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,140,105,158,248,255,191,158,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,254,254,254,254,254,254,254,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,249,208,67,67,67,67,131,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,75,0,0,0,0,119,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,249,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,211,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,248,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,212,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,219,254,135,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,239,201,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,247,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,65,254,252,102,0,0,8,74,193,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,182,254,254,79,32,73,161,236,254,173,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,211,254,246,91,130,223,254,247,211,92,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,254,254,254,254,254,208,124,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,254,206,132,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,254,242,143,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,194,113,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,208,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,245,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,254,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,238,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,210,254,254,250,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,254,254,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,254,254,219,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,255,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,254,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,254,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,244,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,176,206,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,238,255,214,90,33,125,125,125,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,248,253,253,253,253,252,249,253,253,253,250,164,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,253,253,253,253,253,253,253,253,253,253,252,241,162,0,0,0,0,0,0,0,0,0,0,0,163,252,253,253,253,253,253,253,253,253,253,253,253,253,253,253,252,161,0,0,0,0,0,0,0,0,0,0,85,249,253,215,155,155,155,155,155,155,175,253,253,253,253,253,253,249,48,0,0,0,0,0,0,0,0,0,0,154,162,33,0,0,0,0,0,0,7,55,162,221,253,253,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,253,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,253,159,0,0,0,0,0,0,0,0,0,0,86,196,196,196,196,89,47,0,0,0,0,0,0,128,253,253,253,219,0,0,0,0,0,0,0,0,0,119,217,253,253,253,253,253,235,155,15,0,0,0,55,229,253,253,253,123,0,0,0,0,0,0,0,0,0,248,253,253,253,253,253,253,253,253,200,89,16,56,228,253,253,253,253,123,0,0,0,0,0,0,0,0,87,252,253,253,253,253,253,253,253,253,253,253,200,228,253,253,253,253,158,38,0,0,0,0,0,0,0,0,144,253,253,253,238,214,214,246,253,253,253,253,253,253,253,253,253,253,117,0,0,0,0,0,0,0,0,0,238,253,253,253,72,0,0,75,220,253,253,253,253,253,253,253,253,252,102,0,0,0,0,0,0,0,0,0,125,253,253,253,49,27,70,90,234,253,253,253,253,253,253,253,253,227,0,0,0,0,0,0,0,0,0,0,115,253,253,253,253,253,253,253,253,253,253,253,253,253,241,234,223,45,0,0,0,0,0,0,0,0,0,0,0,168,240,246,253,253,253,253,253,253,253,244,149,110,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,253,253,248,149,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,206,123,123,123,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,59,149,194,255,254,223,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,232,253,253,253,254,253,253,247,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,128,78,78,78,145,217,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,234,19,2,0,0,0,0,62,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,98,0,0,0,0,0,174,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,230,254,102,0,0,0,102,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,247,139,8,62,241,219,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,108,247,253,206,211,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,244,254,253,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,199,241,250,241,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,68,184,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,237,0,118,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,118,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,58,0,16,236,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,103,0,0,175,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,223,31,74,229,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,242,250,253,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,230,254,253,154,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,11,0,0,0,0,8,39,39,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,204,185,185,104,128,198,254,254,240,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,254,254,254,254,254,254,254,203,115,89,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,254,254,222,211,211,211,211,220,254,254,254,171,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,67,109,17,0,0,0,0,14,133,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,119,228,238,254,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,254,254,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,209,254,254,254,254,254,184,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,244,254,254,144,105,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,208,137,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,77,235,254,254,211,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,228,254,254,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,87,174,252,232,125,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,136,12,0,0,0,0,0,16,173,254,253,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,164,147,128,174,119,66,153,182,255,254,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,178,254,254,254,254,254,254,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,114,215,222,222,239,254,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,122,76,182,108,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,187,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,101,0,0,0,36,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,159,106,249,209,159,159,237,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,195,98,0,50,189,239,217,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,42,0,0,0,4,99,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,207,0,0,0,0,87,245,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,123,0,0,0,34,246,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,63,0,0,0,220,234,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,20,0,0,139,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,226,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,227,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,230,199,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,83,172,199,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,215,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,248,254,131,193,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,148,21,45,254,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,237,243,14,0,2,194,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,120,0,0,0,180,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,107,0,0,0,180,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,151,53,0,0,0,180,247,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,202,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,165,54,86,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,254,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,227,254,154,155,255,254,123,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,220,21,16,254,254,254,122,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,188,0,128,253,80,102,196,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,235,248,55,214,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,249,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,230,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,243,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,223,16,0,0,17,140,134,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,43,1,0,0,78,243,248,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,243,0,0,0,0,14,77,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,195,0,0,0,0,0,22,248,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,169,0,0,0,0,0,0,244,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,169,0,0,0,0,0,0,244,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,169,0,0,0,0,0,0,244,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,105,0,0,0,0,0,0,244,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,96,0,0,0,0,0,0,244,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,96,0,0,0,0,0,0,244,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,88,0,0,0,0,0,0,236,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,168,137,93,18,0,0,0,170,157,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,158,158,193,239,247,244,107,170,248,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,52,115,83,165,220,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,218,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,223,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,219,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,219,253,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,228,254,254,254,255,254,189,158,155,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,200,225,225,225,226,254,254,254,244,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,135,31,0,0,0,4,67,67,110,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,110,250,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,254,144,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,175,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,247,246,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,224,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,215,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,223,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,198,160,101,24,24,24,28,89,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,172,222,253,253,253,254,253,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,170,184,191,198,224,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,176,253,176,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,202,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,235,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,210,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,207,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,230,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,232,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,82,169,170,169,169,119,51,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,82,240,252,253,252,252,252,235,28,0,0,0,0,0,0,0,0,0,0,4,178,252,139,0,0,0,0,26,243,252,252,241,165,252,252,253,159,25,0,0,0,0,0,0,0,0,0,0,108,253,253,13,0,0,0,154,253,253,178,101,0,0,114,255,253,69,0,0,0,0,0,0,0,0,0,0,107,252,252,113,0,0,76,253,252,233,22,0,0,0,113,253,252,168,0,0,0,0,0,0,0,0,0,0,13,209,252,150,0,0,113,253,252,80,0,0,0,0,150,253,252,80,0,0,0,0,0,0,0,0,0,0,0,97,252,250,200,113,75,253,252,156,0,0,0,38,237,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,253,255,253,253,40,4,54,178,253,255,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,47,159,215,252,253,252,252,215,179,252,252,227,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,106,178,196,234,252,253,252,224,94,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,59,139,190,190,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,241,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,219,115,37,37,37,37,37,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,247,248,254,254,254,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,98,47,125,85,72,72,73,241,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,236,0,0,0,0,0,0,0,237,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,235,0,0,0,0,0,0,0,236,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,182,0,0,0,0,0,0,63,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,37,0,0,164,255,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,245,164,81,183,254,116,127,178,237,217,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,177,254,254,254,254,254,254,241,159,178,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,126,210,248,230,100,54,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,246,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,215,221,198,144,82,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,7,0,24,77,225,200,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,146,236,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,54,238,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,152,20,0,0,0,0,0,0,0,0,99,234,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,174,0,0,0,0,0,0,0,0,5,185,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,245,107,1,0,0,0,0,0,0,0,63,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,244,111,18,0,0,0,0,0,0,0,199,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,238,132,0,0,0,0,0,0,0,118,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,205,187,63,0,0,0,0,0,89,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,154,255,63,0,0,0,0,104,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,125,211,54,0,0,44,213,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,223,80,106,173,67,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,187,249,222,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,104,216,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,109,216,253,151,107,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,233,223,131,36,0,120,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,253,155,0,0,0,40,224,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,253,140,78,54,68,226,233,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,120,244,253,244,249,192,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,67,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,196,254,218,133,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,250,254,254,254,250,199,87,10,10,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,238,254,254,254,254,254,254,254,141,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,154,254,254,254,254,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,46,46,110,235,252,254,254,248,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,201,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,174,254,240,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,220,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,120,254,254,161,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,233,254,254,239,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,171,44,171,221,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,242,254,254,254,254,254,252,159,48,48,27,0,0,24,48,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,254,254,254,254,254,254,254,254,191,115,115,182,254,0,0,0,0,0,0,0,0,0,0,65,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,121,0,0,0,0,0,0,0,0,0,0,1,8,8,8,8,8,8,8,128,197,197,197,251,254,254,199,106,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,131,131,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,228,223,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,183,12,0,0,0,0,0,0,0,0,49,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,221,254,229,69,9,9,0,0,0,0,16,246,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,178,253,253,170,96,135,60,128,53,135,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,213,254,254,232,231,254,139,99,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,128,135,144,61,68,148,191,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,50,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,248,177,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,250,253,201,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,248,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,155,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,58,105,24,166,11,129,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,211,63,107,252,243,54,27,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,250,209,241,252,253,222,226,230,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,144,230,241,252,252,252,253,252,252,252,246,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,88,88,88,150,236,252,252,252,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,237,252,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,118,249,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,78,107,253,252,252,252,252,237,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,187,227,252,252,253,252,252,252,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,252,252,253,252,252,233,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,253,255,253,253,253,229,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,129,186,186,215,253,252,252,252,252,226,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,58,179,252,252,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,102,237,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,79,198,198,82,0,0,0,0,0,0,0,61,252,252,245,35,0,0,0,0,0,0,0,0,0,0,0,0,52,243,252,245,178,103,12,12,12,40,122,238,252,252,247,52,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,252,252,252,252,252,253,252,252,252,252,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,175,246,252,252,252,253,252,252,252,235,136,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,142,176,252,253,223,233,146,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,204,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,214,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,214,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,213,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,254,254,203,213,255,207,101,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,168,253,253,253,253,253,253,253,253,227,200,98,47,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,107,107,107,155,146,182,253,253,253,253,253,253,227,146,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,2,4,7,21,160,160,222,253,253,253,250,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,61,108,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,179,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,251,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,210,253,223,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,253,246,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,253,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,226,253,204,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,235,253,227,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,239,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,73,73,73,73,73,73,80,228,228,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,253,253,253,254,253,253,253,253,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,254,253,253,253,240,217,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,253,250,163,144,144,125,54,54,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,254,168,49,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,254,253,253,223,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,136,163,181,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,98,207,255,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,7,234,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,139,0,0,0,0,0,86,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,40,0,0,0,0,73,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,155,0,0,0,0,137,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,233,255,102,0,0,0,255,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,229,100,16,152,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,228,253,253,227,253,254,193,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,200,253,253,253,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,253,253,169,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,67,156,156,156,217,254,186,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,186,253,253,253,253,254,253,253,232,177,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,253,253,253,222,152,78,78,179,253,236,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,248,254,227,87,19,12,0,0,0,40,253,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,231,46,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,158,0,0,0,0,0,0,0,197,254,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,245,78,0,0,0,0,0,74,250,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,182,254,217,84,0,0,0,44,229,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,102,232,247,219,62,62,228,253,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,155,253,253,254,253,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,221,253,249,242,241,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,253,253,60,44,229,241,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,231,79,0,0,44,190,245,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,213,0,0,0,0,62,253,240,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,19,0,0,0,0,40,254,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,253,19,0,0,2,50,213,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,226,253,128,79,102,181,253,253,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,254,253,253,253,237,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,88,208,253,254,207,155,103,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,29,84,126,126,73,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,125,202,254,254,254,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,200,254,242,189,101,83,4,34,243,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,192,234,185,65,30,0,0,0,0,37,245,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,55,233,223,94,0,0,0,0,0,0,0,111,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,125,31,0,0,0,0,0,0,0,29,221,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,6,0,0,0,0,0,0,0,0,191,254,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,240,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,238,233,75,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,194,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,210,254,211,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,244,251,113,8,0,0,0,0,0,7,82,140,140,180,0,0,0,0,0,0,0,0,0,0,0,3,102,220,254,191,0,0,0,7,27,110,175,201,254,245,146,13,0,0,0,0,0,0,0,0,0,0,0,149,254,254,164,15,0,42,115,227,254,254,234,167,85,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,255,254,139,135,202,244,254,214,156,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,232,148,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,202,197,187,130,91,91,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,141,250,237,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,200,44,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,246,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,220,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,234,254,84,0,0,0,3,45,139,97,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,231,0,0,0,22,119,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,147,0,0,0,147,254,241,100,189,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,116,0,0,0,231,246,79,0,17,140,240,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,116,0,0,137,251,74,0,0,0,168,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,128,0,0,209,149,13,19,17,108,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,246,80,0,208,253,213,237,229,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,241,185,241,253,255,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,254,253,228,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,23,107,180,147,138,64,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,202,254,254,217,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,133,250,188,69,54,212,246,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,98,0,0,0,0,224,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,139,0,0,0,0,0,104,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,214,0,0,0,0,0,0,59,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,83,0,0,0,0,0,0,0,216,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,251,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,242,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,81,118,147,177,215,156,73,6,0,0,202,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,236,254,254,254,181,175,194,254,200,86,117,254,136,0,0,0,0,0,0,0,0,0,0,0,0,26,167,252,223,95,19,19,2,0,5,27,147,235,254,200,11,0,0,0,0,0,0,0,0,0,0,0,0,155,254,185,14,0,0,0,0,0,0,0,0,175,254,241,106,0,0,0,0,0,0,0,0,0,0,0,14,225,206,8,0,0,0,0,0,0,0,5,90,247,133,172,247,127,28,0,0,0,0,0,0,0,0,0,55,251,175,0,0,0,0,0,0,0,5,114,254,167,9,9,168,254,147,0,0,0,0,0,0,0,0,0,0,147,230,74,0,0,0,0,13,79,195,254,169,6,0,0,6,78,6,0,0,0,0,0,0,0,0,0,0,62,226,251,197,175,137,137,193,254,208,110,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,74,155,255,216,216,201,119,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,92,216,253,153,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,194,253,252,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,215,252,244,168,196,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,125,0,85,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,7,63,255,253,194,113,0,0,198,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,187,206,253,240,43,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,224,252,252,244,81,0,0,0,82,240,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,139,139,25,0,0,0,26,243,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,241,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,186,19,0,0,0,0,0,0,0,0,0,57,172,22,0,0,0,0,0,0,0,0,0,0,0,0,191,227,31,0,0,0,0,0,0,0,89,163,226,243,252,28,0,0,0,0,0,0,0,0,0,0,0,63,254,197,0,0,0,0,10,79,154,253,253,253,251,200,76,0,0,0,0,0,0,0,0,0,0,0,0,113,253,234,131,57,70,169,197,252,253,252,208,96,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,252,252,253,252,252,252,206,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,165,202,252,241,139,139,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,108,0,0,0,0,0,0,63,0,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,148,0,63,176,217,218,217,237,217,238,217,217,134,73,73,21,0,0,0,0,0,0,0,0,0,0,73,252,252,181,242,252,252,253,252,252,252,253,252,252,252,253,220,61,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,253,252,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,108,191,252,174,143,83,42,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,189,158,15,15,35,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,159,144,144,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,252,252,252,252,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,215,247,252,252,253,252,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,108,108,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,0,0,0,0,0,0,63,238,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,114,31,0,0,0,0,94,247,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,211,21,0,0,0,129,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,205,144,144,144,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,253,253,253,253,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,221,252,252,252,252,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,215,247,252,252,237,215,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,231,108,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,218,247,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,140,221,253,252,246,132,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,175,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,252,252,252,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,252,252,210,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,252,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,253,253,253,253,255,128,109,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,252,252,252,252,253,252,252,252,238,175,63,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,252,252,252,252,253,252,252,252,253,252,241,181,37,5,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,119,0,0,0,0,0,0,0,0,0,0,255,253,253,253,191,253,253,253,208,20,21,144,145,238,253,253,255,253,133,0,0,0,0,0,0,0,0,0,253,252,252,252,15,77,76,35,20,0,0,0,0,30,149,252,253,252,247,93,0,0,0,0,0,0,0,0,232,252,252,252,181,46,0,0,0,0,0,0,0,0,11,154,253,252,252,108,0,0,0,0,0,0,0,0,109,252,252,252,252,221,41,0,0,0,0,0,0,0,0,84,253,252,252,108,0,0,0,0,0,0,0,0,0,156,253,253,253,253,253,253,255,211,109,109,110,109,212,253,255,253,253,108,0,0,0,0,0,0,0,0,0,10,138,221,252,252,252,252,253,252,252,252,253,252,252,252,253,252,179,15,0,0,0,0,0,0,0,0,0,0,0,41,215,226,252,252,253,252,252,252,253,252,252,252,217,91,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,108,108,108,232,252,252,253,252,148,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,105,94,79,158,222,255,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,239,254,254,227,221,128,115,108,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,163,167,85,67,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,242,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,205,20,15,15,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,206,240,254,254,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,230,254,254,137,79,97,229,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,246,214,56,9,0,0,35,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,181,51,0,0,0,0,15,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,0,0,0,0,0,0,0,66,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,233,5,0,0,0,0,0,21,204,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,177,10,0,0,0,22,209,250,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,133,253,230,156,129,173,235,247,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,239,254,254,254,223,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,81,97,59,127,171,254,209,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,220,230,254,253,253,253,253,254,253,196,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,229,253,253,254,253,253,253,253,254,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,16,123,250,253,253,253,254,174,117,117,117,148,253,253,219,9,0,0,0,0,0,0,0,0,0,0,0,0,173,254,253,253,253,253,133,9,0,0,0,36,238,253,253,58,0,0,0,0,0,0,0,0,0,0,0,123,254,255,254,254,254,171,0,0,0,0,0,0,215,254,254,58,0,0,0,0,0,0,0,0,0,0,7,235,253,254,253,253,212,9,0,0,0,0,0,0,87,253,253,58,0,0,0,0,0,0,0,0,0,0,146,253,253,145,226,253,87,0,0,0,0,0,0,0,20,253,253,58,0,0,0,0,0,0,0,0,0,19,247,253,253,121,139,165,2,0,0,0,0,0,0,0,73,253,253,58,0,0,0,0,0,0,0,0,0,58,253,253,139,0,95,48,0,0,0,0,0,0,0,0,118,253,253,58,0,0,0,0,0,0,0,0,0,140,254,254,96,0,0,0,0,0,0,0,0,0,0,0,215,254,229,23,0,0,0,0,0,0,0,0,28,232,253,253,58,0,0,0,0,0,0,0,0,0,0,28,232,253,176,0,0,0,0,0,0,0,0,0,59,253,253,165,18,0,0,0,0,0,0,0,0,0,0,89,253,253,183,0,0,0,0,0,0,0,0,0,59,253,253,19,0,0,0,0,0,0,0,0,0,0,16,246,253,240,61,0,0,0,0,0,0,0,0,0,59,253,253,57,0,0,0,0,0,0,0,0,0,0,135,254,253,137,0,0,0,0,0,0,0,0,0,0,0,215,254,148,14,0,0,0,0,0,0,0,109,246,254,241,202,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,111,20,19,0,4,20,80,80,211,253,207,105,15,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,254,247,175,150,253,254,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,184,250,253,254,253,253,253,253,254,253,165,57,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,230,254,253,253,215,215,96,58,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,198,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,226,170,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,57,0,0,141,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,29,0,0,29,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,226,29,0,0,0,114,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,0,0,86,226,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,170,0,0,0,57,255,57,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,114,0,0,0,170,141,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,86,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,29,0,0,0,29,141,255,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,114,86,170,255,255,86,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,255,170,57,0,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,57,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,188,254,254,254,254,255,176,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,253,253,253,253,253,253,253,253,235,115,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,219,253,253,253,253,253,253,253,253,253,253,253,243,104,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,250,198,64,61,61,61,76,198,225,253,253,253,221,21,0,0,0,0,0,0,0,0,0,0,0,0,18,101,132,0,0,0,0,0,0,0,40,151,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,247,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,180,253,253,253,213,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,242,253,253,253,197,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,170,237,253,253,253,193,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,204,253,253,253,230,149,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,28,162,244,253,253,253,237,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,26,150,253,253,253,253,248,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,253,253,219,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,144,250,253,253,253,152,27,10,0,0,0,0,0,0,0,0,65,104,0,0,0,0,0,0,0,0,146,233,253,253,253,253,253,161,83,83,83,83,83,150,220,220,186,180,241,208,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,203,25,0,0,0,0,0,0,0,0,232,253,253,253,253,253,253,253,253,253,253,253,253,253,236,212,178,75,28,0,0,0,0,0,0,0,0,0,44,147,232,237,253,252,232,232,232,232,232,232,229,96,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,116,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,214,169,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,7,0,0,0,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,87,213,197,9,0,0,0,0,0,0,4,178,254,236,38,0,0,0,0,0,0,0,0,0,0,0,0,19,213,254,254,11,0,0,0,0,0,0,54,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,16,193,254,254,254,11,0,0,0,0,0,0,131,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,94,1,0,0,0,0,0,0,245,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,204,13,0,0,0,0,0,0,0,250,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,165,0,0,0,0,0,0,0,0,250,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,110,0,0,0,0,0,0,0,27,251,255,221,22,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,165,0,0,0,0,0,0,0,114,254,254,221,109,140,119,0,0,0,0,0,0,0,0,0,0,23,224,254,240,109,5,0,0,0,0,0,157,254,254,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,16,143,254,254,233,221,132,232,196,114,242,254,254,254,254,127,4,0,0,0,0,0,0,0,0,0,0,0,0,2,103,174,248,254,254,254,254,254,254,254,254,224,94,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,118,225,225,225,225,252,254,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,130,176,254,189,228,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,241,253,253,253,253,254,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,204,217,127,94,127,94,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,71,0,0,0,0,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,170,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,102,253,238,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,240,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,253,253,201,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,253,233,97,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,97,13,0,66,228,254,143,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,198,253,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,9,0,0,0,0,8,196,253,227,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,196,4,0,0,0,0,0,8,210,253,193,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,207,117,0,0,0,0,0,0,0,167,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,92,0,0,0,0,0,0,0,110,254,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,190,4,0,0,0,0,0,0,128,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,148,6,0,0,11,56,128,226,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,190,254,253,161,116,199,215,253,253,251,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,189,253,253,253,253,254,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,191,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,95,125,208,188,145,205,189,189,250,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,200,254,240,140,229,226,56,94,197,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,160,62,75,144,21,0,169,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,214,218,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,161,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,152,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,203,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,241,68,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,233,226,47,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,218,236,219,132,48,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,161,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,137,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,207,138,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,137,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,99,103,103,150,221,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,82,158,233,243,211,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,137,221,233,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,164,246,251,255,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,254,254,211,212,254,254,232,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,254,254,119,8,8,198,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,249,137,10,0,0,83,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,154,0,0,0,0,37,246,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,221,28,0,0,0,0,237,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,98,0,0,0,60,250,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,225,121,36,98,194,254,182,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,254,254,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,145,89,134,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,225,220,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,238,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,245,193,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,0,0,41,99,159,129,171,160,182,171,143,122,88,36,86,32,0,0,0,0,0,0,0,0,0,0,42,201,80,108,236,254,254,254,254,254,254,254,254,254,254,254,254,170,0,0,0,0,0,0,0,0,1,74,232,254,254,254,254,254,254,254,254,254,254,254,199,254,254,254,254,170,0,0,0,0,0,0,0,0,71,254,254,254,254,254,227,71,111,153,127,137,116,153,178,254,254,254,254,132,0,0,0,0,0,0,0,0,205,254,254,254,254,175,56,0,0,0,0,0,0,12,160,254,254,254,154,1,0,0,0,0,0,0,0,0,255,254,254,208,132,16,0,0,0,0,0,0,6,180,254,254,254,126,2,0,0,0,0,0,0,0,0,0,207,222,110,16,0,0,0,0,0,0,0,32,170,254,254,254,185,7,0,0,0,0,0,0,0,0,0,0,18,0,0,0,0,0,0,0,0,0,33,189,254,254,254,151,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,189,254,254,245,147,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,105,254,254,254,183,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,254,227,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,247,254,254,211,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,248,254,254,244,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,220,254,254,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,193,254,254,245,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,254,254,246,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,122,225,156,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,68,0,0,0,0,0,114,188,225,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,222,25,0,0,19,117,241,254,234,247,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,171,0,0,45,225,252,252,197,65,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,84,0,0,229,252,224,68,0,82,240,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,84,0,0,253,252,118,0,13,206,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,228,44,0,254,253,178,128,254,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,224,169,253,252,252,252,247,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,187,252,252,253,252,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,139,190,139,103,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,64,150,206,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,157,219,253,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,208,252,253,253,253,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,253,253,253,187,111,67,124,228,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,247,253,253,229,60,4,0,0,145,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,253,249,113,13,0,0,0,0,157,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,246,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,253,206,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,248,253,124,0,0,0,0,0,0,0,0,50,53,53,39,0,0,0,0,0,0,0,0,0,0,0,0,75,252,253,124,0,0,0,0,0,0,57,177,251,253,253,240,151,0,0,0,0,0,0,0,0,0,0,0,94,253,253,124,0,0,0,0,0,57,250,253,253,253,253,253,245,16,0,0,0,0,0,0,0,0,0,0,62,250,253,124,0,0,0,0,40,216,253,253,243,165,172,253,253,93,0,0,0,0,0,0,0,0,0,0,0,244,253,179,0,0,0,0,150,253,253,243,68,0,34,253,252,82,0,0,0,0,0,0,0,0,0,0,0,212,253,246,56,0,0,36,226,253,241,72,0,24,207,253,243,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,176,3,0,110,253,253,212,8,77,207,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,12,208,253,253,128,0,179,253,253,240,200,253,253,253,180,12,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,251,218,248,253,253,253,253,253,250,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,253,253,253,253,199,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,241,253,253,253,213,132,46,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,158,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,100,243,253,235,32,0,0,53,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,152,236,252,252,253,143,0,9,124,243,250,82,0,0,0,0,0,0,0,0,0,0,0,0,0,70,156,246,252,252,246,134,10,3,9,91,252,252,242,90,0,0,0,0,0,0,0,0,0,0,0,0,0,204,252,252,250,178,61,0,0,15,181,252,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,252,221,61,0,0,0,65,212,252,252,233,78,5,0,0,0,0,0,0,0,0,0,0,0,0,0,52,243,252,245,78,0,4,108,244,252,248,174,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,248,88,156,252,253,221,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,252,252,252,252,252,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,252,252,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,253,253,253,253,255,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,193,178,252,253,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,237,252,248,60,14,139,253,252,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,30,0,0,0,100,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,17,0,0,0,215,252,252,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,164,0,0,27,136,253,252,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,245,78,12,133,252,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,252,252,252,253,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,90,236,252,252,252,252,195,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,142,190,142,95,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,191,159,138,24,97,170,253,253,191,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,252,253,252,252,252,252,253,236,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,252,252,253,208,100,69,69,222,252,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,252,252,150,17,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,252,252,252,147,0,0,0,0,0,138,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,104,253,255,253,247,94,0,0,0,0,0,0,139,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,110,0,0,0,0,0,0,0,138,252,252,252,22,0,0,0,0,0,0,0,0,0,0,51,240,252,253,240,50,0,0,0,0,0,0,0,138,252,252,252,22,0,0,0,0,0,0,0,0,0,17,188,252,252,245,79,0,0,0,0,0,0,0,0,138,252,252,252,22,0,0,0,0,0,0,0,0,0,47,252,252,252,230,0,0,0,0,0,0,0,0,0,138,252,252,252,22,0,0,0,0,0,0,0,0,0,162,253,253,253,168,0,0,0,0,0,0,0,0,11,255,253,253,98,0,0,0,0,0,0,0,0,0,5,178,252,252,252,42,0,0,0,0,0,0,0,0,136,253,252,252,45,0,0,0,0,0,0,0,0,0,24,252,252,252,252,0,0,0,0,0,0,0,0,0,230,253,252,252,45,0,0,0,0,0,0,0,0,0,15,219,252,252,252,0,0,0,0,0,0,0,0,119,248,253,252,227,29,0,0,0,0,0,0,0,0,0,0,161,252,252,252,53,0,0,0,0,0,0,64,248,252,253,252,130,0,0,0,0,0,0,0,0,0,0,0,95,247,253,253,233,19,0,0,0,0,26,222,253,253,255,232,38,0,0,0,0,0,0,0,0,0,0,0,0,150,244,252,253,236,129,47,47,110,178,252,252,252,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,252,252,252,252,253,252,252,252,252,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,98,211,252,252,252,252,253,252,252,252,210,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,137,137,137,201,252,168,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,164,254,255,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,112,0,0,0,0,0,0,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,222,36,0,0,0,0,126,239,198,198,21,0,0,0,0,0,0,0,0,0,0,0,0,0,47,217,253,253,253,102,0,0,0,0,160,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,234,0,0,0,0,160,253,253,253,232,79,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,253,253,249,138,0,0,0,160,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,168,0,0,0,160,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,168,0,0,0,160,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,253,253,241,217,56,99,239,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,93,224,253,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,215,215,219,253,253,224,253,253,253,156,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,149,149,38,191,253,253,253,147,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,175,253,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,221,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,241,253,253,253,217,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,221,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,240,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,253,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,254,139,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,198,85,85,85,141,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,251,253,251,253,251,84,83,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,78,156,253,253,193,148,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,201,252,245,168,168,183,252,247,163,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,210,72,0,0,4,21,172,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,199,56,0,0,0,0,0,22,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,62,0,0,0,0,0,0,22,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,129,0,0,0,0,0,0,0,22,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,42,0,0,0,0,0,0,0,57,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,42,0,8,75,153,144,128,171,190,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,42,0,90,189,189,189,200,252,252,252,138,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,24,18,44,0,0,0,87,252,252,252,252,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,166,239,106,27,212,255,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,132,0,0,27,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,232,214,5,0,0,0,156,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,140,0,0,0,0,148,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,18,0,0,0,0,148,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,86,0,0,0,0,0,148,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,42,0,0,0,0,0,227,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,104,9,0,0,15,198,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,142,143,169,225,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,252,253,252,252,252,121,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,255,213,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,199,253,253,253,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,251,253,253,253,253,253,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,239,210,164,226,253,253,149,248,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,68,0,0,24,242,253,156,82,253,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,202,19,216,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,10,173,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,10,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,253,164,1,173,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,87,0,173,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,93,93,178,250,206,10,61,237,172,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,120,197,243,253,253,253,253,107,64,242,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,253,253,233,223,253,253,253,253,253,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,214,253,253,193,90,174,253,176,248,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,175,253,198,78,247,247,252,134,12,193,253,253,241,43,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,196,21,4,102,188,84,0,166,253,253,253,246,60,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,102,0,0,0,0,58,211,245,245,128,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,222,167,9,0,7,107,251,253,228,64,2,88,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,197,82,152,253,253,208,39,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,163,253,253,253,253,193,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,221,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,245,254,253,253,253,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,253,253,254,193,111,238,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,212,253,253,235,87,1,0,167,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,244,149,23,0,13,146,249,245,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,253,193,0,0,0,185,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,232,52,1,27,141,251,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,177,24,140,253,254,253,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,253,253,246,156,127,253,253,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,247,73,0,139,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,255,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,221,254,253,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,254,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,181,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,186,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,238,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,254,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,185,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,79,129,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,219,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,179,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,241,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,79,204,253,253,203,129,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,234,252,253,252,252,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,194,56,56,106,253,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,164,40,13,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,197,23,16,13,0,0,63,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,234,234,215,207,169,82,194,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,233,234,252,253,252,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,22,22,28,91,215,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,170,84,228,234,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,233,37,0,53,252,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,241,59,0,0,4,128,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,214,0,0,0,0,0,198,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,88,0,0,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,214,0,0,0,0,0,0,197,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,153,13,0,0,0,4,54,229,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,252,207,94,95,169,179,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,253,252,252,252,253,252,99,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,252,252,178,28,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,228,254,228,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,253,218,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,253,221,170,254,247,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,253,253,190,0,146,238,246,143,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,254,138,192,190,0,0,146,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,89,0,116,36,0,0,0,172,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,138,0,0,27,0,0,0,0,41,225,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,42,0,0,0,0,0,0,0,0,41,233,251,155,0,0,0,0,0,0,0,0,0,0,0,0,57,247,211,14,0,0,0,0,0,0,0,0,0,185,255,190,6,0,0,0,0,0,0,0,0,0,0,0,85,253,102,0,0,0,0,0,0,0,0,0,0,62,210,253,65,0,0,0,0,0,0,0,0,0,0,0,86,254,85,0,0,0,0,0,0,0,0,0,0,0,149,254,144,0,0,0,0,0,0,0,0,0,0,0,85,253,84,0,0,0,0,0,0,0,0,0,0,0,69,253,232,0,0,0,0,0,0,0,0,0,0,0,85,253,93,0,0,0,0,0,0,0,0,0,0,0,22,222,232,0,0,0,0,0,0,0,0,0,0,0,64,248,206,11,0,0,0,0,0,0,0,0,0,0,0,191,206,0,0,0,0,0,0,0,0,0,0,0,0,101,253,42,0,0,0,0,0,0,0,0,0,0,81,243,127,0,0,0,0,0,0,0,0,0,0,0,0,22,254,210,63,0,0,0,0,0,0,0,0,0,167,254,65,0,0,0,0,0,0,0,0,0,0,0,0,15,190,253,218,83,0,0,0,0,0,0,22,173,254,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,246,247,180,128,84,22,57,136,238,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,238,253,253,253,254,253,253,253,156,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,95,192,236,210,173,138,42,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,254,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,212,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,82,0,11,92,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,0,41,173,252,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,152,233,254,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,253,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,253,255,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,255,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,212,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,220,254,175,199,172,138,91,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,254,254,254,254,248,254,254,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,129,65,66,44,65,103,233,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,254,192,4,0,0,0,0,5,211,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,226,28,0,0,0,0,0,73,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,244,79,0,0,0,0,0,0,116,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,204,0,0,0,0,0,0,0,187,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,99,0,0,0,0,0,0,71,248,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,227,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,250,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,249,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,225,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,25,25,25,128,145,30,25,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,107,171,253,253,253,253,253,253,253,254,198,83,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,244,205,113,84,141,84,84,93,253,253,237,129,0,0,0,0,0,0,0,0,0,0,0,0,0,254,247,118,58,0,0,0,0,0,0,4,147,253,253,236,43,0,0,0,0,0,0,0,0,0,0,0,0,60,54,0,0,0,0,0,0,0,0,0,6,180,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,194,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,249,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,200,0,0,0,0,12,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,253,163,36,0,19,25,128,243,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,140,254,232,83,7,124,231,253,239,107,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,195,253,254,135,125,186,253,253,173,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,253,253,254,253,253,253,253,172,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,253,253,253,254,253,243,180,151,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,253,253,253,253,210,157,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,103,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,82,64,40,24,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,175,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,248,156,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,235,249,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,170,254,181,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,81,226,254,175,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,229,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,216,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,254,254,155,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,254,254,196,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,242,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,231,254,247,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,151,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,255,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,184,206,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,198,121,22,3,33,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,229,184,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,183,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,192,255,129,37,50,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,253,237,80,229,239,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,252,253,183,15,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,44,15,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,252,253,44,15,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,248,252,252,161,13,104,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,0,0,15,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,111,0,0,68,252,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,157,252,252,217,24,0,46,231,252,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,199,85,0,0,147,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,163,0,0,0,209,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,40,0,0,25,218,252,223,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,244,13,0,0,201,252,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,118,0,0,71,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,232,243,83,0,0,149,253,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,222,0,11,144,222,253,192,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,238,63,90,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,244,243,252,252,102,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,239,252,252,217,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,172,103,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,97,138,44,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,89,203,253,252,218,164,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,155,252,252,252,215,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,134,207,253,252,227,160,56,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,230,246,252,252,190,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,181,255,253,247,188,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,253,223,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,252,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,190,252,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,116,157,241,255,232,55,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,38,0,0,42,232,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,174,0,0,0,48,227,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,92,0,0,0,0,50,227,252,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,92,0,0,0,0,0,48,232,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,159,7,0,0,0,0,0,145,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,186,67,47,22,30,47,174,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,227,252,252,252,216,228,252,252,252,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,252,252,253,252,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,22,86,137,137,96,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,195,159,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,254,254,244,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,242,146,92,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,254,254,255,254,254,254,251,251,251,176,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,154,104,38,38,67,134,95,102,120,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,230,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,248,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,177,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,226,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,207,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,219,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,3,0,0,0,0,83,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,69,0,0,0,0,8,228,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,241,70,42,4,0,0,70,254,208,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,236,116,0,49,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,111,194,253,252,226,232,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,158,226,254,207,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,139,143,143,143,143,62,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,206,252,252,252,252,252,252,138,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,252,252,252,252,252,214,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,244,251,214,121,73,121,209,252,253,250,108,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,72,141,69,0,0,0,27,207,253,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,249,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,177,255,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,72,176,233,252,253,252,154,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,100,109,209,224,252,252,252,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,245,252,252,252,252,252,252,252,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,252,252,253,252,180,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,187,69,128,252,252,248,174,19,0,0,0,0,0,0,0,0,0,0,0,0,249,252,252,252,252,252,252,250,63,0,3,50,174,247,252,236,126,10,0,0,0,0,0,0,0,0,0,0,143,252,252,252,252,252,250,124,0,0,0,0,0,62,184,219,252,235,121,25,0,0,0,0,0,0,0,0,100,195,252,252,252,225,72,0,0,0,0,0,0,0,0,52,119,128,199,190,0,0,0,0,0,0,0,0,0,38,142,142,71,21,0,0,0,0,0,0,0,0,0,0,0,0,10,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,38,38,28,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,25,253,221,221,136,227,198,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,169,224,128,253,252,252,252,252,253,224,137,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,252,253,252,252,252,252,253,252,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,159,253,253,253,255,152,140,140,140,141,178,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,252,252,252,27,3,0,0,0,0,85,252,252,237,0,0,0,0,0,0,0,0,0,0,0,132,227,253,252,239,180,55,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,10,60,224,252,253,179,65,0,0,0,0,0,0,0,0,101,252,252,252,0,0,0,0,0,0,0,0,0,85,252,252,252,112,12,0,0,0,0,0,0,0,0,0,225,252,252,252,0,0,0,0,0,0,0,0,0,147,253,253,190,0,0,0,0,0,0,0,0,0,0,255,253,253,253,112,0,0,0,0,0,0,0,0,0,225,252,226,12,0,0,0,0,0,0,0,67,85,163,253,252,233,151,12,0,0,0,0,0,0,0,0,120,246,252,114,0,0,0,0,0,0,57,104,240,252,252,253,186,43,0,0,0,0,0,0,0,0,0,0,159,252,252,103,13,16,26,60,169,169,253,252,252,252,252,84,56,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,189,203,240,252,252,252,253,252,252,236,112,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,255,253,253,178,140,204,140,140,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,181,252,252,252,168,167,136,9,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,87,102,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,245,227,164,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,138,174,102,183,208,219,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,181,219,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,231,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,221,255,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,188,254,194,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,246,238,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,208,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,241,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,251,64,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,224,254,209,184,184,124,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,109,166,166,196,227,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,254,218,139,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,253,252,252,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,109,21,56,180,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,64,59,16,221,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,192,252,249,221,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,219,254,253,218,253,253,219,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,171,252,186,63,11,189,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,190,53,0,11,211,252,253,252,216,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,68,0,0,16,231,252,172,210,252,170,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,147,0,0,0,169,252,106,14,191,252,235,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,147,0,0,84,253,236,45,0,9,176,247,255,253,83,0,0,0,0,0,0,0,0,0,0,0,0,22,252,182,0,0,206,252,147,0,0,0,0,97,168,168,40,0,0,0,0,0,0,0,0,0,0,0,0,11,210,252,171,127,242,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,165,217,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,164,249,161,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,218,254,254,254,128,70,152,93,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,126,238,254,254,254,254,174,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,207,254,219,17,228,254,239,155,243,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,113,106,254,254,155,0,64,251,205,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,27,237,254,111,148,0,0,212,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,196,51,249,224,14,120,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,113,27,244,122,0,109,45,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,246,6,0,237,204,0,14,55,0,209,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,246,0,0,102,244,150,31,0,15,248,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,171,0,0,0,87,133,31,0,92,254,229,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,156,0,0,0,0,0,0,0,170,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,124,0,0,0,0,0,0,4,231,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,67,0,0,0,0,0,0,94,254,181,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,91,0,0,0,0,0,12,227,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,175,0,0,0,0,0,150,254,130,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,250,56,0,0,8,126,247,238,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,254,238,62,48,204,254,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,246,254,254,254,254,232,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,165,253,202,118,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,198,170,170,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,141,0,0,0,114,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,57,0,0,0,0,57,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,255,226,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,226,170,86,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,91,0,0,0,48,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,251,168,0,0,0,127,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,31,0,0,16,189,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,251,140,4,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,126,0,0,0,131,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,221,0,0,0,36,214,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,200,0,0,0,214,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,62,0,0,0,253,251,251,251,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,62,0,96,221,253,211,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,62,0,221,251,193,55,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,75,174,253,253,0,191,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,212,251,243,121,0,190,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,251,251,109,0,0,190,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,188,188,23,0,84,244,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,213,96,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,220,251,251,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,6,11,116,240,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,207,214,215,244,239,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,254,254,255,254,254,222,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,254,254,189,32,133,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,244,75,2,111,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,230,254,254,254,140,0,0,48,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,195,233,246,14,0,0,42,250,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,12,192,190,0,0,0,39,248,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,226,9,0,0,48,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,66,0,0,48,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,126,0,7,135,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,234,117,218,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,171,240,218,77,228,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,8,0,223,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,63,63,104,186,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,105,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,63,181,147,160,148,254,228,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,118,187,177,182,105,58,24,71,178,195,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,85,151,254,177,134,37,0,0,70,214,38,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,201,187,220,254,168,0,0,0,105,241,166,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,214,254,186,2,0,105,209,226,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,123,191,227,101,4,178,233,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,254,154,232,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,155,254,254,218,183,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,237,176,211,91,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,230,177,180,231,220,248,49,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,181,254,84,0,51,110,130,238,248,172,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,77,0,0,0,9,40,118,163,159,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,140,0,0,0,0,0,0,231,163,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,203,20,0,0,0,0,0,58,11,91,129,10,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,254,236,182,0,0,0,0,0,0,5,218,226,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,237,57,47,57,26,0,62,144,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,72,192,240,242,246,250,237,226,252,241,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,182,225,138,211,126,71,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,254,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,253,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,253,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,253,228,228,253,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,227,53,24,78,253,253,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,137,0,0,8,144,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,148,9,0,0,0,9,184,253,249,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,45,0,0,0,0,0,169,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,45,0,0,0,0,0,170,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,247,253,233,35,0,0,0,0,0,169,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,168,0,0,0,0,0,0,169,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,78,0,0,0,0,0,9,185,253,248,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,38,0,0,0,0,9,145,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,38,0,0,0,0,70,253,253,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,119,0,0,7,57,226,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,253,219,43,57,177,253,253,253,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,253,253,253,248,220,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,166,253,253,152,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,19,34,34,34,207,254,254,187,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,67,180,220,253,253,253,254,253,253,253,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,253,253,254,253,253,245,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,203,121,59,10,10,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,253,251,179,23,0,0,0,0,88,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,0,0,0,0,0,220,242,199,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,246,253,242,0,0,0,0,0,97,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,253,242,0,0,0,26,122,237,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,251,121,159,188,226,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,230,253,253,253,253,254,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,223,254,254,254,237,221,186,255,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,77,158,138,34,0,100,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,180,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,250,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,204,253,253,253,242,141,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,169,243,253,252,252,202,203,252,106,26,157,19,0,0,0,0,0,0,0,0,0,0,0,0,0,38,147,234,252,177,106,56,56,6,7,56,13,200,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,164,15,0,0,0,0,0,0,76,249,253,145,0,0,0,0,0,0,0,0,0,0,0,0,48,241,239,125,0,0,0,0,0,0,0,32,229,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,160,252,113,0,0,0,0,0,0,0,7,150,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,113,0,0,0,0,0,0,0,154,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,163,0,0,0,0,0,0,151,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,153,19,26,29,104,229,253,226,144,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,252,224,243,253,252,252,151,38,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,214,168,142,56,6,0,57,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,28,116,28,0,0,0,0,0,107,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,145,145,117,6,0,0,0,0,0,0,0,0,0,54,145,145,93,2,0,0,0,0,0,0,0,0,0,42,252,252,252,60,0,0,0,0,0,0,0,0,0,193,252,252,252,11,0,0,0,0,0,0,0,0,0,145,252,252,252,60,0,0,0,0,0,0,0,0,12,204,252,252,252,115,0,0,0,0,0,0,0,0,9,222,252,252,238,46,0,0,0,0,0,0,0,0,61,252,252,252,252,136,0,0,0,0,0,0,0,0,105,252,252,252,192,0,0,0,0,0,0,0,0,0,61,252,252,252,252,11,0,0,0,0,0,0,0,0,132,252,252,252,212,85,16,0,0,0,0,0,0,17,182,252,252,252,216,8,0,0,0,0,0,0,0,0,179,252,252,252,252,252,224,171,97,97,98,97,97,184,252,252,252,252,143,0,0,0,0,0,0,0,0,0,143,252,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,92,0,0,0,0,0,0,0,0,0,132,252,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,206,12,0,0,0,0,0,0,0,0,0,6,121,196,160,149,241,241,241,241,247,255,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,109,108,108,193,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,252,220,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,81,23,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,229,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,217,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,231,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,181,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,245,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,238,252,174,0,0,11,154,187,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,247,56,34,111,225,252,252,249,196,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,253,118,6,148,253,255,230,129,219,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,21,122,252,252,77,23,0,17,229,226,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,179,4,154,252,118,0,0,0,0,165,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,21,248,178,2,0,0,0,12,211,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,117,122,252,175,0,0,0,0,47,252,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,35,252,236,64,0,0,35,222,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,252,245,25,62,252,243,170,150,240,252,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,252,205,171,252,252,253,252,252,200,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,236,252,252,252,252,253,252,145,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,133,161,252,204,143,114,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,89,115,37,37,37,37,37,69,102,128,128,172,217,217,0,0,0,0,0,0,0,0,0,0,0,0,46,215,253,253,253,253,254,253,253,253,253,254,253,244,228,112,0,0,0,0,0,0,0,0,0,0,0,46,232,254,201,85,72,136,163,162,162,162,98,72,72,36,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,249,201,18,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,231,49,0,34,115,128,128,102,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,152,84,167,249,253,253,253,254,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,248,253,253,253,254,201,117,72,72,98,247,242,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,248,148,66,0,0,0,0,0,152,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,108,63,17,0,0,0,0,0,0,0,4,220,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,105,243,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,255,136,163,202,254,255,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,253,253,253,238,179,95,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,127,42,36,36,36,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,150,150,59,0,0,0,51,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,169,253,253,98,0,0,0,135,253,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,253,236,44,0,0,0,135,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,213,253,253,253,68,0,0,0,0,135,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,253,253,253,143,4,0,0,0,0,125,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,243,27,0,0,0,0,0,32,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,253,183,29,0,0,0,0,0,0,32,253,253,186,0,0,0,0,0,0,0,0,0,0,0,12,101,250,253,211,27,0,0,0,0,0,0,0,32,253,253,186,0,0,0,0,0,0,0,0,0,0,0,92,253,253,252,79,0,0,0,0,0,0,0,0,32,253,253,186,0,0,0,0,0,0,0,0,0,0,0,150,253,253,149,0,0,0,0,0,0,0,0,0,32,253,253,186,0,0,0,0,0,0,0,0,0,0,0,150,253,253,108,0,0,0,0,0,0,0,0,0,32,253,253,212,14,0,0,0,0,0,0,0,0,0,0,41,244,253,252,249,249,249,181,145,145,145,205,207,164,253,253,253,70,27,8,0,0,0,0,0,0,0,0,0,87,250,253,253,253,253,253,253,253,253,253,253,253,253,253,253,251,231,46,0,0,0,0,0,0,0,0,0,0,15,15,58,88,119,119,119,119,201,222,186,220,253,253,253,184,91,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,130,144,221,163,144,144,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,120,177,200,253,254,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,210,244,253,253,253,253,198,154,154,162,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,253,233,163,39,10,5,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,171,8,0,0,0,0,0,0,23,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,229,31,0,0,0,0,0,0,0,100,253,184,5,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,198,69,12,3,0,0,0,48,248,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,180,155,155,155,193,253,253,219,153,44,0,0,0,0,0,0,0,0,0,0,0,0,0,6,90,176,247,253,253,253,254,253,253,253,253,192,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,143,143,143,143,220,253,244,71,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,221,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,227,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,255,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,164,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,141,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,245,253,249,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,236,253,206,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,99,192,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,142,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,255,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,219,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,217,253,244,241,53,0,0,0,0,12,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,216,253,213,30,0,0,0,0,7,68,243,253,144,1,0,0,0,0,0,0,0,0,0,0,0,3,41,215,253,236,67,0,0,0,0,9,169,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,25,253,253,227,31,0,0,0,0,10,168,253,253,240,107,217,5,0,0,0,0,0,0,0,0,0,0,22,120,253,248,119,0,0,0,0,11,167,253,253,190,54,0,0,0,0,0,0,0,0,0,0,0,0,3,162,253,253,134,0,0,0,0,12,166,253,253,170,53,0,0,0,0,0,0,0,0,0,0,0,0,2,121,253,253,208,29,0,0,0,13,165,253,253,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,236,29,0,0,0,13,165,253,237,158,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,249,112,0,0,0,13,165,253,236,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,235,0,0,0,12,165,253,236,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,249,186,75,93,208,253,253,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,253,253,253,253,253,253,253,216,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,110,215,253,253,253,253,253,211,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,164,253,253,170,37,39,220,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,190,253,172,11,0,105,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,93,0,97,246,253,139,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,253,163,133,248,253,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,129,147,232,129,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,158,237,255,238,83,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,168,244,254,254,254,227,248,168,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,254,214,162,12,130,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,136,167,124,3,0,32,212,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,223,254,247,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,231,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,72,231,254,224,49,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,225,254,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,241,254,254,254,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,251,254,254,254,254,249,151,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,224,249,239,161,143,240,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,55,0,0,0,61,238,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,30,0,0,0,0,0,0,2,156,254,254,200,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,126,0,0,0,0,13,73,190,254,254,182,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,206,226,169,173,189,231,254,254,222,140,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,99,119,237,254,254,175,157,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,125,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,239,250,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,171,253,253,210,142,28,0,0,0,0,0,0,0,0,0,9,112,51,0,0,0,0,0,0,0,0,0,125,253,253,156,12,0,0,0,0,0,0,0,0,0,0,25,236,253,243,167,0,0,0,0,0,0,0,0,174,253,210,25,0,0,0,0,0,0,0,0,0,0,13,181,253,253,253,203,0,0,0,0,0,0,0,0,254,253,142,0,0,0,0,0,0,0,0,0,0,15,179,253,246,89,32,16,0,0,0,0,0,0,0,0,255,253,99,0,0,0,0,0,0,0,0,0,0,84,253,253,234,0,0,0,0,0,0,0,0,0,0,0,214,253,53,0,0,0,0,0,0,0,0,0,15,195,253,253,127,0,0,0,0,0,0,0,0,0,0,0,125,253,231,52,0,0,0,0,0,0,0,0,46,253,253,232,21,0,0,0,0,0,0,0,0,0,0,0,29,215,253,176,41,0,0,0,0,0,0,0,146,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,30,214,253,228,76,40,0,0,0,0,0,176,253,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,253,253,230,183,183,82,53,80,232,253,227,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,225,253,253,253,253,253,253,253,253,253,247,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,84,194,214,214,224,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,91,208,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,207,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,239,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,247,251,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,255,254,254,254,218,130,88,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,156,253,253,253,253,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,249,235,235,249,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,253,253,125,0,0,199,253,253,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,120,253,253,147,29,0,9,205,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,226,29,0,0,147,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,217,14,0,63,233,253,253,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,199,174,232,253,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,253,253,253,226,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,223,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,77,228,242,185,185,154,61,88,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,46,0,0,0,0,75,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,209,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,106,233,253,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,245,213,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,232,245,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,117,17,64,137,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,242,254,161,5,0,0,0,113,215,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,215,29,0,0,0,12,237,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,214,254,91,0,0,0,0,95,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,226,3,0,0,0,0,125,254,232,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,82,0,0,0,0,0,184,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,80,0,0,0,0,5,200,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,80,0,0,0,0,66,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,80,0,0,0,27,209,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,93,1,5,82,224,247,212,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,254,185,200,254,252,114,95,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,229,254,254,240,92,0,95,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,65,78,7,0,0,95,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,220,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,114,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,182,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,228,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,125,174,254,254,254,254,254,157,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,248,253,253,253,253,253,253,253,253,253,249,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,153,142,142,142,142,142,168,253,251,221,40,0,0,0,0,0,0,0,0,0,0,0,0,0,74,149,25,19,2,0,0,0,0,0,5,134,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,133,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,242,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,239,253,185,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,176,253,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,208,253,215,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,253,243,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,172,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,211,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,193,16,0,0,0,0,0,0,2,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,253,228,143,143,143,143,143,143,149,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,220,247,252,253,253,253,253,253,253,173,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,123,213,253,253,240,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,105,105,211,254,254,139,105,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,160,253,253,253,253,253,253,253,236,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,238,253,253,253,251,238,252,253,253,254,232,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,196,133,118,0,127,154,253,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,108,16,0,0,0,0,19,192,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,187,26,0,0,0,0,11,158,253,254,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,253,253,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,226,253,245,120,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,162,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,217,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,131,248,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,251,158,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,179,0,0,0,0,0,0,0,0,23,75,75,75,62,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,6,30,31,119,128,179,201,253,253,253,235,62,0,0,0,0,0,0,0,0,0,0,164,253,253,169,134,134,156,253,254,253,253,253,253,253,253,205,98,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,253,253,253,255,253,253,253,173,57,14,9,0,0,0,0,0,0,0,0,0,0,0,0,135,229,253,253,253,253,253,226,209,85,59,59,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,147,253,253,253,138,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,141,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,246,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,240,89,0,69,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,241,254,254,145,60,243,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,116,201,254,247,223,254,210,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,251,235,86,165,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,207,216,254,254,189,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,254,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,254,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,254,203,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,248,237,254,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,251,254,140,39,223,254,179,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,120,0,37,226,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,120,0,0,94,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,120,0,0,31,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,242,110,4,128,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,254,249,221,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,250,254,254,254,217,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,251,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,216,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,233,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,254,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,228,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,255,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,248,242,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,158,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,139,253,220,143,129,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,138,236,252,252,252,252,253,170,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,252,179,196,253,252,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,174,10,3,5,186,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,46,0,0,0,12,202,252,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,131,0,0,0,0,38,218,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,184,5,0,0,0,0,109,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,252,252,126,31,0,0,0,100,252,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,232,187,78,78,194,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,243,252,252,252,253,252,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,129,220,235,255,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,91,232,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,233,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,245,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,225,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,100,228,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,180,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,136,252,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,144,253,252,252,252,210,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,253,252,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,255,218,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,252,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,252,252,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,253,253,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,252,252,252,252,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,221,85,242,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,184,0,127,255,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,196,47,234,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,252,252,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,177,252,252,252,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,137,252,252,190,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,162,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,104,0,0,0,0,0,48,214,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,124,0,0,0,0,0,145,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,241,212,98,0,0,0,0,145,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,210,24,0,0,0,145,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,254,164,0,0,0,145,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,189,253,136,90,28,252,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,245,254,223,183,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,178,254,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,68,68,148,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,141,241,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,223,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,24,139,212,253,117,76,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,227,253,252,252,252,231,203,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,184,131,215,253,208,100,69,37,131,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,122,252,137,210,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,221,169,137,126,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,193,222,161,73,0,0,116,165,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,99,104,97,15,0,0,0,133,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,132,228,119,215,16,0,0,0,68,246,216,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,133,29,0,0,0,0,0,230,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,64,230,145,253,210,6,0,0,0,0,0,0,126,253,227,32,0,0,0,0,0,0,0,0,0,0,0,0,70,253,180,244,196,0,0,0,0,0,0,0,221,255,201,184,0,0,0,0,0,0,0,0,0,0,0,0,25,223,117,138,92,0,0,0,0,0,0,60,203,253,223,67,0,0,0,0,0,0,0,0,0,0,0,0,0,150,246,184,67,0,0,0,0,0,0,124,189,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,230,218,34,0,0,0,0,0,100,244,107,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,126,230,250,232,8,0,0,0,0,0,184,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,244,50,0,0,0,0,110,253,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,253,164,0,0,0,5,178,252,252,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,169,240,184,184,184,191,252,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,177,252,252,252,253,252,185,202,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,179,200,190,64,6,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,202,253,169,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,122,69,202,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,157,0,81,240,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,32,0,161,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,203,11,34,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,139,22,212,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,196,215,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,137,137,189,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,177,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,195,203,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,210,196,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,247,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,238,73,0,0,0,0,0,0,0,84,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,248,73,0,0,0,0,0,0,25,201,237,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,248,159,4,0,0,0,0,0,24,208,162,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,250,77,4,0,0,0,0,0,25,172,121,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,197,6,0,0,0,0,0,84,222,163,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,221,35,0,0,0,0,0,65,253,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,202,134,0,0,0,0,0,63,167,202,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,210,92,61,41,57,98,216,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,169,247,254,247,226,252,255,122,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,85,42,0,240,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,159,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,196,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,133,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,93,0,0,178,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,144,249,251,253,249,222,213,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,249,253,254,254,254,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,254,254,60,19,19,19,134,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,216,156,45,5,0,0,0,53,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,191,12,0,0,0,0,0,53,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,221,21,0,0,0,0,0,164,254,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,237,162,12,0,0,0,0,184,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,197,254,211,203,79,0,48,240,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,58,169,189,191,163,177,254,243,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,181,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,254,254,218,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,173,255,254,245,217,182,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,225,104,16,178,244,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,33,216,254,246,57,0,0,15,179,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,247,103,0,0,0,0,30,244,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,248,101,0,0,0,0,0,20,215,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,154,100,0,0,0,3,14,14,45,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,162,254,254,254,251,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,160,124,124,108,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,66,138,202,180,107,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,178,252,252,252,253,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,252,227,183,69,141,234,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,160,128,29,0,0,0,184,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,219,252,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,134,248,253,235,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,230,246,252,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,255,253,222,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,113,123,92,92,103,236,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,234,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,188,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,144,0,0,0,0,89,222,253,243,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,113,0,0,22,162,219,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,219,101,184,215,253,252,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,252,252,252,253,172,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,137,189,137,137,23,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,105,136,179,202,180,114,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,243,254,254,254,254,218,254,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,77,240,229,98,90,107,116,37,208,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,180,254,216,14,0,0,0,0,0,163,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,232,254,23,0,0,0,0,0,49,242,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,63,0,0,0,8,84,237,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,251,107,0,8,172,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,77,240,251,195,198,254,217,72,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,255,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,247,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,246,249,115,246,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,207,254,151,0,94,243,254,171,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,160,4,0,0,161,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,172,4,0,0,0,135,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,250,254,76,0,0,0,0,113,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,225,14,0,0,0,0,135,254,249,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,254,211,0,0,0,0,34,220,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,244,86,1,0,5,180,254,191,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,213,254,254,171,133,212,254,177,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,166,205,232,232,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,251,253,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,196,0,0,0,0,0,0,0,0,39,147,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,221,0,0,0,0,0,0,0,6,227,253,251,223,38,0,0,0,0,0,0,0,0,0,0,0,24,246,253,124,0,0,0,0,0,0,0,89,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,94,253,253,122,0,0,0,0,0,0,0,175,253,253,253,253,243,2,0,0,0,0,0,0,0,0,0,0,157,253,253,20,0,0,0,0,0,0,0,192,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,197,253,221,13,0,0,0,0,0,0,0,192,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,180,253,218,12,0,0,0,0,0,0,0,192,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,136,253,253,20,0,0,0,0,0,0,0,192,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,44,236,253,173,0,0,0,0,0,0,0,137,253,253,253,253,248,44,0,0,0,0,0,0,0,0,0,0,0,140,253,235,24,0,0,0,0,0,0,26,243,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,29,221,253,134,3,0,0,0,0,0,0,145,253,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,128,0,0,0,0,0,0,163,253,253,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,12,142,243,250,192,115,115,115,131,218,251,253,240,157,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,234,253,253,253,253,253,253,212,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,46,110,190,253,175,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,254,254,134,122,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,60,233,253,253,253,254,253,238,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,222,165,96,97,165,240,235,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,230,216,107,12,0,0,0,0,70,237,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,210,17,0,0,0,0,0,0,0,140,253,233,34,0,0,0,0,0,0,0,0,0,0,0,0,0,11,145,80,56,49,0,0,0,0,0,0,12,164,253,164,11,0,0,0,0,0,0,0,0,0,0,0,0,25,56,91,242,237,70,0,0,0,0,0,0,61,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,146,243,253,253,111,0,0,0,0,0,0,38,231,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,125,4,0,0,0,0,0,0,0,194,253,145,0,0,0,0,0,0,0,0,0,0,0,0,35,250,253,218,25,0,0,0,0,0,0,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,118,0,0,0,0,0,0,0,0,3,198,254,157,0,0,0,0,0,0,0,0,0,0,0,0,107,253,218,26,0,0,0,0,0,0,0,0,61,253,253,87,0,0,0,0,0,0,0,0,0,0,0,16,217,253,193,0,0,0,0,0,0,0,0,0,61,253,200,14,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,0,0,0,0,0,0,142,253,145,0,0,0,0,0,0,0,0,0,0,0,0,7,184,253,193,0,0,0,0,0,0,0,0,123,233,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,210,18,0,0,0,0,0,7,148,234,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,125,16,0,0,0,45,159,253,253,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,184,98,98,155,180,253,253,165,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,79,253,253,253,253,253,254,253,185,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,110,178,143,132,128,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,118,240,255,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,178,244,253,253,253,253,251,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,219,253,253,253,253,253,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,199,149,114,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,219,136,82,2,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,153,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,239,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,235,253,253,236,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,253,253,234,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,134,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,253,180,17,0,0,0,0,0,0,22,24,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,253,253,250,26,0,0,0,0,0,3,52,230,212,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,76,0,0,0,0,0,0,170,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,31,217,253,253,129,1,0,0,0,68,108,241,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,32,208,253,253,253,123,36,83,121,220,242,253,253,253,253,154,10,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,225,223,253,253,253,253,253,223,135,54,12,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,253,253,253,253,253,249,208,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,239,253,253,253,253,253,246,195,96,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,116,190,116,116,116,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,195,254,254,254,254,255,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,164,243,248,206,182,115,73,23,23,23,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,240,239,145,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,181,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,139,0,0,26,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,236,88,120,254,254,254,169,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,248,243,248,173,115,224,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,253,247,179,58,0,0,63,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,84,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,247,84,0,0,0,0,0,47,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,21,0,0,0,0,0,0,147,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,95,0,0,32,241,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,115,0,0,104,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,115,0,60,254,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,173,55,214,241,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,253,253,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,194,152,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,199,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,232,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,255,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,249,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,226,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,248,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,254,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,221,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,134,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,204,253,253,253,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,243,253,214,196,221,253,234,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,209,252,252,106,19,0,25,128,252,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,102,0,0,0,0,128,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,247,100,0,0,0,0,13,204,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,19,194,222,158,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,215,57,0,10,110,215,214,76,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,243,225,229,252,214,28,0,57,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,138,225,225,163,88,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,102,0,0,0,0,0,0,0,0,0,11,51,92,51,0,0,0,0,0,0,0,0,0,0,0,41,253,252,61,0,0,0,0,0,0,0,0,82,213,252,253,252,123,0,0,0,0,0,0,0,0,0,31,233,254,91,0,0,0,0,0,0,0,0,132,253,254,253,254,253,234,51,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,21,142,253,252,91,50,172,252,253,151,0,0,0,0,0,0,0,0,214,253,183,0,0,0,0,0,0,0,152,253,244,81,0,0,52,253,254,151,0,0,0,0,0,0,0,0,253,252,61,0,0,0,0,0,0,0,233,252,162,0,0,0,92,252,253,70,0,0,0,0,0,0,0,0,193,253,82,0,0,0,0,0,0,0,254,253,62,0,0,0,132,253,254,50,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,41,253,252,20,0,0,123,253,252,172,10,0,0,0,0,0,0,0,0,92,253,254,112,0,0,0,0,0,102,254,253,11,92,214,253,244,122,0,0,0,0,0,0,0,0,0,0,10,212,253,232,183,61,0,0,0,102,253,252,213,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,41,193,253,255,253,254,253,254,253,254,253,254,253,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,252,253,252,253,252,253,252,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,203,122,102,102,173,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,139,148,148,193,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,189,205,214,245,252,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,7,0,0,67,237,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,122,7,0,0,22,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,252,252,200,36,0,57,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,252,252,252,224,48,137,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,247,205,252,253,252,252,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,55,11,174,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,21,0,0,255,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,135,22,128,253,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,251,237,252,253,245,231,240,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,252,252,252,199,56,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,182,252,208,121,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,168,229,220,135,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,218,254,254,235,242,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,169,251,253,159,34,15,30,210,247,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,229,75,0,85,39,0,91,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,251,236,47,0,0,0,147,169,222,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,252,80,0,0,0,69,245,254,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,237,0,0,12,126,245,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,189,9,80,200,254,201,81,254,254,244,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,254,242,254,254,200,41,16,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,212,238,198,115,17,0,27,254,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,22,0,0,0,0,133,254,216,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,243,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,250,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,241,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,201,139,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,252,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,252,252,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,127,221,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,141,0,198,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,215,252,204,15,0,197,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,215,252,230,25,0,0,88,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,169,253,252,252,227,107,29,29,79,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,252,252,253,252,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,140,192,253,253,253,253,255,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,27,27,27,27,27,74,167,224,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,30,156,254,254,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,253,253,236,236,253,212,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,209,253,213,96,28,73,253,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,101,250,252,135,32,0,0,73,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,192,253,253,127,0,0,0,0,102,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,253,222,65,0,0,0,0,18,211,229,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,253,221,97,0,0,0,0,0,102,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,253,253,53,0,0,0,0,0,19,209,191,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,222,104,4,0,0,0,0,16,136,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,250,253,123,0,0,0,0,0,0,37,253,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,223,29,0,0,0,0,0,19,209,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,167,253,124,0,0,0,0,0,2,156,232,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,72,0,0,0,0,0,48,238,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,72,0,0,0,0,24,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,218,21,0,0,0,27,211,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,205,0,0,0,28,208,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,205,0,0,29,207,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,247,131,132,230,253,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,253,253,114,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,132,190,132,34,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,220,254,255,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,243,219,99,218,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,242,192,33,0,169,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,243,218,34,0,0,169,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,219,33,0,0,0,169,238,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,251,216,12,0,0,0,47,246,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,232,250,29,0,0,19,106,192,254,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,56,0,16,111,218,250,242,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,140,190,217,249,209,83,112,250,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,226,213,208,124,44,0,31,229,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,125,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,251,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,201,210,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,230,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,244,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,248,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,86,169,169,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,124,0,0,0,0,80,223,252,252,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,63,0,0,0,43,227,250,185,212,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,63,0,0,0,227,252,152,0,106,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,2,176,252,250,58,0,0,54,253,122,11,6,206,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,132,253,63,0,64,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,211,0,0,0,211,253,63,62,221,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,237,37,0,0,212,255,95,192,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,253,63,0,0,211,253,252,252,205,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,158,127,153,249,253,252,171,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,172,253,252,252,252,252,253,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,147,200,226,147,60,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,191,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,64,191,255,128,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,64,0,64,255,128,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,128,128,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,191,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,64,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,128,128,128,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,118,249,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,198,235,246,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,214,247,254,254,254,254,254,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,127,220,254,254,254,218,199,226,232,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,222,254,254,254,226,119,29,0,108,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,44,222,254,254,241,117,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,187,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,181,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,82,0,0,0,0,0,0,0,0,0,0,61,53,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,82,0,0,0,0,0,0,0,2,49,180,246,238,55,0,0,0,0,0,0,0,0,0,0,0,53,236,254,82,0,0,0,0,0,0,4,110,254,254,254,254,169,11,0,0,0,0,0,0,0,0,0,0,0,211,254,86,0,0,0,0,0,28,157,254,254,252,202,224,254,96,0,0,0,0,0,0,0,0,0,0,0,77,254,220,0,0,0,0,0,49,254,254,254,84,0,200,254,96,0,0,0,0,0,0,0,0,0,0,0,77,254,253,154,0,0,0,0,180,254,254,187,236,242,252,254,96,0,0,0,0,0,0,0,0,0,0,0,10,156,254,245,84,47,0,0,67,255,254,254,254,254,254,218,13,0,0,0,0,0,0,0,0,0,0,0,0,42,235,254,254,231,77,63,100,254,254,254,254,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,238,254,254,254,254,254,254,254,254,254,254,222,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,234,234,252,254,254,254,254,244,234,114,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,117,117,206,175,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,148,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,253,253,216,108,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,253,253,237,228,157,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,82,194,253,253,253,253,253,236,214,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,81,197,253,253,253,254,253,234,158,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,80,199,228,255,253,253,253,165,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,143,251,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,49,0,0,0,241,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,94,0,0,122,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,231,102,57,248,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,252,241,254,253,253,211,100,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,81,179,220,253,253,253,254,253,253,253,253,224,110,0,0,0,0,0,0,0,0,0,0,0,0,29,117,245,253,253,253,253,253,253,254,253,253,253,253,253,245,74,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,253,253,253,229,199,199,217,253,253,253,192,0,0,0,0,0,0,0,0,0,0,0,34,214,253,221,213,213,213,135,80,42,0,0,81,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,35,93,20,0,0,0,0,0,0,0,0,81,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,251,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,120,218,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,112,152,168,177,254,255,254,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,208,254,254,191,176,139,90,90,87,4,0,0,0,0,0,0,0,0,0,0,0,0,0,66,209,246,246,253,254,242,99,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,249,237,184,184,232,127,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,171,13,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,244,168,55,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,177,251,254,219,151,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,149,223,254,246,197,113,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,65,178,248,254,204,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,155,254,210,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,112,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,105,0,0,0,0,0,0,0,0,0,9,141,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,77,234,12,0,0,0,0,0,0,0,0,0,66,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,211,51,1,0,0,0,0,0,0,0,179,252,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,245,254,186,82,9,1,0,8,9,91,239,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,159,244,250,254,186,177,242,254,254,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,101,167,167,241,182,155,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,65,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,102,163,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,89,0,0,138,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,231,37,0,0,138,252,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,252,84,0,0,0,139,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,135,0,0,0,0,138,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,252,221,0,0,0,0,0,222,252,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,218,35,0,0,0,0,0,253,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,252,202,116,116,116,116,116,116,253,252,215,21,53,64,116,116,74,0,0,0,0,0,0,0,0,0,202,253,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,253,253,148,0,0,0,0,0,0,0,0,154,206,240,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,50,69,121,69,69,69,69,236,253,252,170,162,79,69,69,69,69,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,232,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,191,254,255,199,150,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,139,253,179,101,135,171,253,226,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,132,251,93,2,0,0,2,42,225,251,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,171,0,0,0,0,0,0,49,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,221,28,0,0,0,0,0,0,2,178,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,0,0,0,0,0,0,0,0,141,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,68,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,39,115,145,145,145,145,63,35,0,0,0,38,252,141,0,0,0,0,0,0,0,0,0,0,0,0,64,192,249,253,212,165,165,183,253,207,156,78,0,161,253,61,0,0,0,0,0,0,0,0,0,0,0,102,247,230,74,15,8,0,0,3,15,9,51,133,239,252,190,3,0,0,0,0,0,0,0,0,0,0,0,197,242,47,0,0,0,0,0,0,0,0,0,64,253,247,87,0,0,0,0,0,0,0,0,0,0,0,0,189,220,6,0,0,0,0,0,0,0,0,53,193,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,69,251,159,6,0,0,0,0,0,0,56,234,245,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,246,168,42,2,0,0,3,94,194,250,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,194,253,172,135,60,180,253,180,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,149,218,251,149,67,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,143,244,253,205,253,255,253,210,182,34,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,172,226,252,252,252,252,252,253,252,252,252,252,192,44,0,0,0,0,0,0,0,0,0,0,0,0,55,226,252,252,252,252,252,252,252,253,252,252,252,252,252,232,125,0,0,0,0,0,0,0,0,0,0,0,76,252,252,252,252,227,121,121,121,121,121,121,129,245,252,252,231,35,0,0,0,0,0,0,0,0,0,0,176,252,252,216,111,8,0,0,0,0,15,56,114,222,252,252,252,90,0,0,0,0,0,0,0,0,0,0,176,252,245,57,0,0,0,0,0,0,67,252,252,252,252,252,252,136,0,0,0,0,0,0,0,0,0,0,121,250,125,0,0,0,0,0,0,0,35,232,252,252,252,247,107,6,0,0,0,0,0,0,0,0,0,0,0,82,4,0,0,0,0,0,0,0,0,173,251,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,226,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,229,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,234,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,237,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,158,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,252,252,199,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,179,250,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,231,231,231,149,169,232,246,252,252,252,248,88,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,252,253,252,252,252,219,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,252,252,253,252,252,212,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,71,142,142,176,252,239,142,100,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,39,140,172,214,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,81,185,185,93,229,254,222,237,240,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,223,233,254,253,249,96,125,124,112,25,158,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,250,100,0,0,0,0,0,0,163,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,254,254,215,190,137,30,0,0,45,242,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,135,216,253,254,254,254,238,189,129,234,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,97,180,230,254,254,254,254,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,186,254,254,254,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,249,254,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,140,61,200,254,203,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,196,181,4,0,21,207,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,250,56,0,0,0,34,254,248,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,174,0,0,0,0,10,129,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,133,0,0,0,0,0,41,238,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,236,47,0,0,0,0,0,47,235,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,238,0,0,0,0,0,19,229,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,77,0,0,0,0,162,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,182,228,103,43,167,250,254,232,41,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,254,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,232,254,229,105,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,201,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,227,135,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,188,122,215,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,205,87,246,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,104,159,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,220,202,52,240,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,233,40,120,249,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,249,116,0,177,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,158,0,36,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,237,166,9,0,130,178,0,9,18,9,6,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,154,247,214,152,251,233,210,223,236,223,217,241,210,152,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,121,216,253,125,90,90,90,90,90,90,99,204,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,230,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,255,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,136,229,161,161,161,162,161,161,161,104,70,70,70,26,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,253,253,253,254,253,253,253,254,253,253,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,13,213,254,248,221,137,230,179,205,171,138,137,137,137,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,220,13,51,128,161,161,161,162,78,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,234,247,254,253,253,253,254,253,251,197,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,236,171,88,46,46,46,46,122,213,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,135,19,0,0,0,0,0,0,0,25,254,198,17,0,0,0,0,0,0,0,0,0,0,0,0,0,93,127,17,0,0,0,0,0,0,0,0,0,136,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,46,0,0,0,0,0,0,0,0,0,0,93,42,0,0,0,0,0,0,0,0,0,0,0,0,17,245,253,46,0,0,0,0,0,0,0,0,0,0,105,163,0,0,0,0,0,0,0,0,0,0,0,0,68,254,223,25,0,0,0,0,0,0,0,0,0,0,72,246,50,0,0,0,0,0,0,0,0,0,0,51,234,254,115,0,0,0,0,0,0,0,0,0,0,0,47,254,94,0,0,0,0,0,0,0,0,19,120,237,254,185,9,0,0,0,0,0,0,0,0,0,0,0,5,194,245,139,55,47,47,47,97,138,206,237,253,248,139,9,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,254,253,253,253,254,253,253,253,239,179,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,161,160,228,194,228,160,160,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,103,0,0,0,0,16,29,29,4,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,0,0,45,157,216,252,252,178,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,147,197,240,252,253,252,252,252,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,253,252,252,252,253,227,52,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,228,214,188,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,196,9,0,13,57,57,57,57,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,130,38,147,209,252,252,253,252,234,147,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,193,225,253,252,252,252,253,252,252,252,175,38,0,0,0,0,0,0,0,0,0,0,0,0,10,229,255,253,253,253,254,234,187,113,51,26,113,175,254,97,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,252,227,84,28,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,233,130,31,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,59,240,190,59,0,0,0,0,0,0,0,0,0,163,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,10,229,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,209,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,241,254,247,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,169,69,120,187,252,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,177,106,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,240,190,139,52,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,88,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,4,0,0,187,254,208,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,155,225,49,0,0,184,253,229,243,114,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,198,246,175,10,0,0,29,109,17,101,244,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,128,240,212,73,0,0,0,0,0,0,0,0,57,237,149,0,0,0,0,0,0,0,0,0,0,0,0,64,241,178,21,0,0,0,0,0,0,0,0,0,0,100,245,73,0,0,0,0,0,0,0,0,0,0,40,243,206,20,0,0,0,0,0,0,0,0,0,0,0,15,198,207,0,0,0,0,0,0,0,0,0,18,232,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,96,248,44,0,0,0,0,0,0,0,0,202,254,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,169,0,0,0,0,0,0,0,0,255,246,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,254,0,0,0,0,0,0,0,0,248,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,254,0,0,0,0,0,0,0,0,163,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,63,254,254,0,0,0,0,0,0,0,0,52,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,165,0,0,0,0,0,0,0,0,0,217,198,72,0,0,0,0,0,0,0,0,0,0,18,136,250,254,162,3,0,0,0,0,0,0,0,0,0,35,170,251,153,33,0,0,0,0,0,23,54,114,203,254,245,181,6,0,0,0,0,0,0,0,0,0,0,0,7,154,231,240,157,129,213,219,219,233,254,254,254,245,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,118,195,253,229,241,254,233,194,137,115,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,5,33,62,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,186,246,254,232,148,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,233,180,135,76,76,105,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,241,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,172,247,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,207,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,217,254,235,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,222,254,191,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,206,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,151,31,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,91,236,111,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,114,233,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,98,217,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,104,224,254,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,58,186,253,253,253,237,39,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,79,79,48,146,247,253,254,253,228,123,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,254,245,253,253,253,192,117,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,96,155,193,155,155,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,73,126,126,126,60,29,29,66,117,126,126,126,89,0,0,0,0,0,0,0,0,0,0,0,0,9,161,252,254,254,254,254,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,120,254,222,57,4,4,46,64,137,177,235,255,254,254,255,174,0,0,0,0,0,0,0,0,0,0,0,0,73,248,227,30,0,0,0,0,0,60,209,254,254,222,122,10,0,0,0,0,0,0,0,0,0,0,0,0,0,52,215,222,116,5,0,27,139,240,254,208,129,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,226,254,228,155,248,254,172,42,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,254,254,254,130,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,221,61,62,239,231,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,180,250,117,15,0,0,62,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,198,254,107,0,0,0,0,0,236,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,79,239,250,73,1,0,0,0,0,14,239,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,252,113,0,0,0,0,0,14,151,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,254,69,0,0,0,0,24,91,239,254,198,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,250,111,1,4,39,59,135,210,254,238,150,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,248,163,196,203,254,254,250,219,63,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,220,254,214,187,154,91,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,29,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,88,137,223,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,111,154,154,100,154,206,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,254,254,254,254,254,223,201,170,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,238,183,84,65,65,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,179,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,229,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,176,254,126,100,142,52,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,254,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,223,195,128,77,119,254,226,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,14,173,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,12,3,0,0,0,0,0,2,215,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,117,0,0,0,0,0,0,214,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,254,165,0,0,0,0,0,73,240,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,254,188,8,0,0,0,16,211,254,225,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,103,4,0,14,179,254,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,199,254,165,104,168,226,254,224,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,17,2,244,254,254,171,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,165,249,252,247,247,244,125,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,245,189,105,50,0,5,50,155,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,77,0,0,0,0,0,0,176,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,189,184,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,106,218,233,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,217,242,255,175,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,250,131,51,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,188,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,194,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,210,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,201,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,11,0,0,0,0,0,0,0,97,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,172,0,0,0,0,0,0,0,0,139,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,115,0,0,0,0,0,0,0,37,232,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,175,9,0,0,0,0,0,57,196,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,242,240,164,156,156,159,238,250,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,161,171,171,171,199,171,163,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,59,59,14,37,59,59,149,156,156,194,127,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,253,253,223,239,253,253,253,253,254,245,247,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,253,254,253,253,210,174,78,48,54,30,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,253,253,253,253,214,206,49,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,254,253,185,140,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,199,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,196,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,241,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,69,220,234,254,253,253,216,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,230,230,254,207,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,255,254,254,255,226,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,221,180,103,135,211,227,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,120,0,0,0,37,232,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,120,0,0,0,0,156,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,120,0,0,0,0,156,235,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,247,120,0,0,0,32,194,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,181,0,0,34,199,254,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,209,35,116,251,231,182,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,251,245,254,179,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,240,254,232,103,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,188,254,217,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,236,249,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,235,251,87,237,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,218,219,27,72,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,101,0,96,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,233,6,0,179,241,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,140,0,58,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,104,23,210,246,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,224,248,238,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,204,187,104,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,241,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,151,254,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,254,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,253,235,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,146,84,112,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,254,253,253,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,254,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,254,198,134,242,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,253,78,0,228,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,203,253,248,89,0,0,228,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,240,0,0,35,236,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,240,0,0,142,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,240,0,90,250,253,194,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,253,249,104,213,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,255,253,194,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,248,253,253,255,247,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,59,59,67,156,141,134,179,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,254,253,253,253,253,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,253,254,253,253,253,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,214,213,146,117,79,42,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,238,81,82,156,156,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,254,253,253,247,214,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,254,253,253,253,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,154,34,19,161,229,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,237,155,0,0,0,0,98,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,68,0,0,0,0,0,0,99,255,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,47,0,0,0,0,0,0,0,0,7,159,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,230,114,0,0,0,0,0,0,31,159,253,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,255,126,59,27,46,59,149,254,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,254,253,253,232,244,254,253,253,253,207,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,254,253,253,253,253,254,253,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,223,253,253,253,253,254,250,146,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,103,155,155,193,133,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,217,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,200,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,239,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,248,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,254,135,115,199,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,148,68,248,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,188,12,30,238,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,131,0,98,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,158,92,251,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,254,254,255,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,205,218,170,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,105,105,184,113,105,105,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,230,253,253,253,253,253,253,236,174,60,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,245,253,253,253,253,253,253,254,253,253,211,121,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,240,253,253,253,182,253,254,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,135,178,37,12,29,91,196,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,135,233,253,253,213,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,205,247,255,253,253,210,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,250,253,253,254,253,253,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,245,253,253,254,253,253,253,161,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,149,149,150,174,254,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,142,253,248,130,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,102,245,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,8,134,134,120,0,0,0,80,0,112,212,253,253,253,181,7,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,251,239,240,239,247,241,251,253,210,163,145,7,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,253,253,253,253,254,253,224,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,104,104,104,104,218,253,105,104,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,191,241,254,255,254,171,45,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,253,253,253,253,253,253,253,216,102,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,253,253,253,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,253,253,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,164,164,107,47,66,185,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,196,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,73,201,253,253,253,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,253,253,253,253,253,151,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,253,253,253,253,253,253,156,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,253,253,253,253,209,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,245,253,253,253,253,253,253,253,253,253,242,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,249,253,238,158,158,238,253,253,253,253,243,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,23,19,0,0,19,130,251,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,249,253,253,214,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,23,74,244,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,154,67,166,233,253,253,253,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,250,253,253,253,253,253,253,253,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,253,253,253,253,253,253,172,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,253,253,216,101,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,135,190,135,44,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,117,224,255,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,98,239,253,187,101,68,201,240,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,184,253,193,68,3,0,0,79,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,231,249,114,2,0,0,0,0,70,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,229,235,93,0,0,0,0,0,0,49,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,120,0,0,0,0,0,0,0,11,247,142,97,4,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,61,0,0,0,0,0,0,2,74,250,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,154,14,0,0,0,19,116,197,253,232,246,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,253,228,161,208,208,235,254,227,111,16,192,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,134,176,225,197,136,100,93,12,0,0,169,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,225,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,195,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,180,247,254,253,162,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,249,253,244,113,46,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,202,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,199,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,173,0,0,70,161,161,161,162,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,232,25,0,112,253,253,253,237,253,234,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,54,0,13,63,62,46,29,129,232,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,171,0,0,0,0,0,0,17,224,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,254,94,0,0,0,0,19,204,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,245,114,47,47,114,237,253,232,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,246,254,253,253,253,254,181,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,220,253,244,160,69,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,211,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,197,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,210,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,108,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,221,237,253,233,228,228,228,221,94,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,228,173,232,253,253,253,253,236,214,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,179,36,0,39,53,53,130,186,255,253,156,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,136,42,0,0,0,0,0,0,0,130,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,214,228,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,108,28,0,0,0,0,0,159,252,121,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,214,249,253,234,228,213,94,94,95,246,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,153,253,253,253,253,253,253,253,253,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,228,73,53,53,53,144,253,253,255,253,234,201,201,172,68,68,138,32,0,0,0,0,0,0,0,0,96,251,179,9,0,0,37,145,253,225,201,222,233,245,253,253,253,219,228,165,0,0,0,0,0,0,0,0,0,220,253,186,138,139,228,249,206,38,0,34,50,68,185,184,101,78,42,0,0,0,0,0,0,0,0,0,0,40,142,249,253,247,205,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,107,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,143,229,254,220,162,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,223,244,184,129,155,95,147,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,232,181,31,0,0,0,0,0,163,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,78,0,0,0,0,0,0,0,36,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,216,17,0,0,0,0,0,0,6,108,233,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,246,123,0,0,0,0,0,0,0,144,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,123,0,0,0,0,0,0,113,247,254,121,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,225,123,0,0,0,0,0,85,248,254,243,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,173,0,0,0,0,109,249,215,219,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,112,0,78,188,252,163,26,197,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,195,254,254,255,249,80,0,25,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,74,122,105,26,0,0,25,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,235,174,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,231,125,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,252,253,253,253,253,234,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,245,253,253,253,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,215,250,253,253,253,253,180,149,162,253,232,100,0,0,0,0,0,0,0,0,0,0,0,0,0,41,216,190,234,253,225,155,58,25,8,0,4,106,213,240,0,0,0,0,0,0,0,0,0,0,0,0,98,235,253,253,253,137,23,0,0,0,0,0,0,0,150,240,0,0,0,0,0,0,0,0,0,0,0,40,226,253,220,122,38,7,0,0,0,0,0,0,0,0,150,240,0,0,0,0,0,0,0,0,0,0,0,158,253,253,48,0,0,0,0,0,0,0,0,0,0,0,150,247,60,0,0,0,0,0,0,0,0,0,0,181,253,224,18,0,0,0,0,0,0,0,0,0,0,0,150,240,0,0,0,0,0,0,0,0,0,0,0,248,253,116,0,0,0,0,0,0,0,0,0,0,0,0,150,240,0,0,0,0,0,0,0,0,0,0,0,248,253,19,0,0,0,0,0,0,0,0,0,0,0,0,150,250,87,0,0,0,0,0,0,0,0,0,0,248,253,19,0,0,0,0,0,0,0,0,0,0,0,0,150,253,117,0,0,0,0,0,0,0,0,0,0,248,176,6,0,0,0,0,0,0,0,0,0,0,0,5,169,253,117,0,0,0,0,0,0,0,0,0,0,248,217,13,0,0,0,0,0,0,0,0,0,0,6,128,253,244,39,0,0,0,0,0,0,0,0,0,0,231,253,36,0,0,0,0,0,0,0,0,0,0,33,253,253,156,0,0,0,0,0,0,0,0,0,0,0,106,252,213,39,4,0,0,0,0,0,0,5,27,123,253,241,42,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,163,40,20,20,20,50,83,169,253,253,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,49,231,252,253,253,253,253,253,253,253,253,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,249,253,253,253,253,253,253,253,249,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,123,230,253,253,253,159,123,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,12,0,0,0,0,0,0,0,0,0,0,0,0,0,67,136,15,0,0,0,0,0,0,0,0,0,11,97,242,56,0,0,0,0,0,0,0,0,0,0,8,71,246,253,244,0,0,0,0,0,0,0,0,16,144,253,253,99,0,0,0,0,0,0,0,0,0,10,115,253,253,253,118,0,0,0,0,0,0,0,0,130,253,253,253,99,0,0,0,0,0,0,0,0,0,94,253,253,253,239,5,0,0,0,0,0,0,0,0,130,253,253,250,84,0,0,0,0,0,0,0,0,0,112,253,253,237,55,0,0,0,0,0,0,0,0,0,212,253,253,228,0,0,0,0,0,0,0,0,0,15,223,253,253,121,0,0,0,0,0,0,0,0,0,0,255,253,253,143,0,0,0,0,0,0,0,0,0,172,253,253,181,6,0,0,0,0,0,0,0,0,0,0,254,253,253,105,0,0,0,0,0,0,0,0,85,241,253,253,121,0,0,0,0,0,0,0,0,0,0,0,254,253,253,105,0,0,0,0,0,0,0,19,217,253,253,229,18,0,0,0,0,0,0,0,0,0,0,0,221,253,253,198,0,0,0,0,0,0,19,183,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,248,78,0,0,0,54,106,213,253,253,253,226,22,0,0,0,0,0,0,0,0,0,0,0,0,2,159,253,253,224,144,205,144,239,253,192,236,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,215,253,253,253,253,253,234,136,11,96,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,49,160,160,160,136,29,0,0,11,212,253,240,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,191,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,105,105,105,158,228,105,106,105,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,157,230,253,253,253,253,253,253,254,253,225,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,253,253,253,254,253,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,196,133,204,133,133,133,133,183,253,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,16,0,17,0,0,0,0,149,253,253,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,145,179,254,246,126,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,253,253,199,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,90,196,247,253,253,253,187,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,142,222,253,253,253,253,253,253,254,239,194,194,62,40,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,253,253,253,253,253,254,253,253,253,253,241,71,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,223,212,149,149,149,149,150,149,218,254,254,254,254,76,0,0,0,0,0,0,0,0,0,0,0,160,193,123,31,26,0,0,0,0,0,0,29,44,194,253,253,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,224,250,253,253,120,0,0,0,0,0,0,0,0,0,0,0,43,171,16,0,0,0,0,6,30,181,179,227,253,253,249,143,4,0,0,0,0,0,0,0,0,0,0,0,60,253,197,96,96,134,134,156,253,254,253,253,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,249,249,253,253,253,253,255,253,248,163,31,4,0,0,0,0,0,0,0,0,0,0,0,0,0,14,68,208,248,253,253,253,253,253,254,180,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,104,104,192,104,104,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,38,92,169,255,254,183,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,173,227,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,217,253,253,253,253,248,252,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,233,143,102,96,0,81,244,243,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,46,0,0,0,0,150,250,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,248,239,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,249,253,145,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,253,253,67,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,219,253,253,253,253,207,137,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,253,253,253,253,253,253,210,142,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,232,233,253,236,252,253,253,253,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,86,18,182,208,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,206,206,79,0,0,0,0,0,60,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,178,45,0,0,0,0,0,3,150,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,54,0,0,0,0,0,0,0,98,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,229,40,0,0,0,0,97,149,161,253,183,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,251,249,242,210,249,253,253,253,224,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,236,253,253,253,253,253,253,253,253,196,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,37,105,228,253,253,253,253,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,164,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,253,138,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,250,253,253,225,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,240,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,253,134,0,0,0,0,0,12,66,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,38,0,0,16,59,153,201,253,212,176,24,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,38,0,42,171,253,253,253,253,253,253,201,23,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,38,15,211,253,253,253,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,221,253,253,253,59,166,253,253,253,253,253,253,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,40,241,253,253,223,237,253,253,253,253,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,253,253,253,253,253,253,253,253,253,251,99,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,253,253,253,253,253,253,253,253,253,253,238,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,224,251,253,253,253,253,253,253,251,223,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,156,249,253,253,253,228,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,224,253,159,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,151,255,254,254,254,254,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,103,253,253,253,253,247,253,253,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,103,253,253,250,210,111,57,144,240,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,219,87,0,0,0,0,31,152,253,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,253,249,81,0,0,0,0,0,0,32,151,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,242,161,161,161,161,161,161,65,38,51,236,154,0,0,0,0,0,0,0,0,0,0,0,0,0,5,180,253,253,253,253,253,253,253,253,253,253,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,92,204,204,204,204,116,171,203,203,219,253,253,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,216,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,227,253,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,245,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,249,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,251,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,152,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,236,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,254,218,74,0,0,25,43,52,148,148,148,148,148,111,0,0,0,0,0,0,0,0,0,0,0,16,232,252,204,196,168,85,173,227,252,252,252,252,253,252,245,126,0,0,0,0,0,0,0,0,0,0,8,173,252,146,48,213,252,252,244,232,231,134,126,126,65,21,19,0,0,0,0,0,0,0,0,0,0,0,85,252,183,112,253,205,189,119,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,244,49,124,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,217,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,180,252,244,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,252,253,189,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,243,253,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,202,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,245,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,28,0,0,13,22,84,237,252,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,245,169,169,218,252,252,252,199,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,104,252,252,253,252,155,77,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,255,254,254,167,150,150,49,47,47,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,248,183,253,253,253,253,253,253,236,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,238,3,10,10,10,10,89,130,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,163,243,29,0,0,0,0,0,21,230,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,88,0,0,0,0,0,29,248,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,130,0,0,0,0,0,104,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,88,0,0,0,0,0,135,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,88,0,0,0,0,0,160,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,88,0,0,0,0,39,245,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,88,0,0,0,0,152,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,247,54,0,0,0,17,216,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,77,0,0,0,0,161,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,198,8,0,0,0,0,249,186,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,240,42,0,0,0,0,107,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,65,0,0,0,0,16,218,224,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,249,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,173,236,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,212,253,253,253,128,24,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,186,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,252,252,252,189,222,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,193,77,45,4,25,83,252,236,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,92,0,0,0,0,26,221,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,92,0,0,0,0,0,123,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,92,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,184,67,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,47,47,47,47,130,67,47,47,38,0,0,0,0,0,0,0,0,0,0,0,0,0,51,70,70,132,197,252,252,252,253,252,252,252,252,253,240,153,44,0,0,0,0,0,0,0,0,0,114,207,240,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,194,51,0,0,0,0,0,0,0,0,243,252,252,252,252,253,252,221,137,137,137,137,137,137,137,148,252,252,252,137,0,0,0,0,0,0,0,0,64,189,199,74,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,185,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,252,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,196,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,45,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,152,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,142,102,102,142,142,142,102,203,203,233,252,253,232,0,0,0,0,0,0,0,0,0,0,52,193,254,253,254,253,254,253,254,253,254,253,254,253,255,253,255,131,0,0,0,0,0,0,0,0,0,0,233,252,253,252,253,252,253,252,253,252,253,252,253,252,253,252,172,10,0,0,0,0,0,0,0,0,11,213,254,253,254,253,62,102,203,203,203,122,163,243,254,253,255,172,0,0,0,0,0,0,0,0,0,0,92,252,253,252,253,212,0,0,0,0,0,0,21,223,253,252,172,10,0,0,0,0,0,0,0,0,0,0,214,253,254,233,41,0,0,0,0,0,0,0,92,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,213,252,192,50,0,0,0,0,0,0,0,41,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,21,20,0,0,0,0,0,0,0,0,11,173,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,193,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,233,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,71,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,94,133,226,254,254,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,156,253,253,253,253,234,229,239,253,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,227,125,18,0,42,96,237,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,164,35,0,0,0,0,45,36,0,33,78,170,170,151,70,0,0,0,0,0,0,0,0,0,4,84,230,253,253,233,141,38,0,0,0,35,136,230,253,253,163,45,0,0,0,0,0,0,0,0,0,0,0,0,38,140,198,253,253,231,141,4,103,228,253,253,236,88,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,83,197,253,253,208,232,253,253,173,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,82,198,253,254,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,254,253,253,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,241,253,191,143,253,253,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,254,191,0,0,76,146,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,121,0,0,0,21,201,253,217,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,238,10,0,0,0,0,23,216,253,217,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,215,253,64,0,0,0,0,0,0,100,244,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,24,0,0,0,0,0,0,0,120,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,58,0,0,0,0,0,0,0,86,253,175,4,0,0,0,0,0,0,0,0,0,0,0,0,0,14,215,253,233,50,0,0,0,0,0,66,199,253,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,236,98,98,98,121,218,245,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,70,243,253,254,253,253,253,253,253,253,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,196,253,253,253,253,160,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,255,211,113,196,84,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,79,16,0,56,207,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,227,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,188,245,254,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,52,142,254,254,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,106,179,125,145,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,233,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,125,218,255,234,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,154,249,253,253,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,253,230,142,159,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,221,253,253,172,52,15,0,3,117,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,253,253,138,6,0,0,0,0,33,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,137,7,0,0,0,0,0,33,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,38,138,249,223,58,7,0,0,0,0,0,57,174,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,122,0,0,0,0,0,0,0,169,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,23,239,225,23,0,0,0,0,0,15,162,236,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,231,58,0,0,0,0,0,87,253,253,245,228,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,235,230,79,11,0,46,156,235,253,214,120,206,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,195,183,237,253,253,193,24,24,226,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,140,253,253,253,253,253,193,24,0,33,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,214,245,223,117,24,0,0,11,188,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,21,0,0,0,0,22,219,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,196,245,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,250,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,196,226,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,249,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,248,254,176,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,247,245,121,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,82,0,14,127,200,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,147,4,0,194,254,254,250,165,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,33,0,128,253,231,88,115,125,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,102,18,242,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,250,189,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,201,254,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,254,254,254,197,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,249,248,254,249,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,172,43,239,254,247,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,98,0,21,149,254,236,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,98,0,0,4,96,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,98,0,0,0,9,217,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,210,60,40,90,204,254,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,232,254,254,247,254,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,255,254,246,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,135,251,252,139,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,215,255,181,97,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,238,160,105,214,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,234,101,0,18,116,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,174,150,0,0,2,152,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,223,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,138,138,151,228,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,246,213,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,39,39,33,6,94,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,246,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,240,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,6,0,0,0,0,0,0,12,197,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,191,16,0,0,0,0,13,143,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,237,130,91,106,147,187,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,186,254,254,254,254,171,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,59,38,77,77,77,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,243,254,254,101,230,254,254,254,208,73,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,214,141,103,204,240,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,239,90,6,0,0,0,115,239,248,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,249,63,0,0,0,0,0,0,110,254,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,223,0,0,0,0,0,0,0,99,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,135,0,0,0,0,0,0,0,23,247,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,82,0,0,0,0,0,0,0,0,145,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,237,21,0,0,0,0,0,0,0,0,136,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,5,233,237,21,0,0,0,0,0,0,0,0,136,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,178,2,0,0,0,0,0,0,0,0,192,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,173,0,0,0,0,0,0,0,0,24,247,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,173,0,0,0,0,0,0,0,0,99,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,173,0,0,0,0,0,0,0,70,248,254,133,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,229,18,0,0,0,0,0,43,227,254,236,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,161,0,0,0,0,82,227,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,232,254,229,141,141,164,254,254,247,138,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,247,254,254,254,254,254,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,254,254,254,168,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,192,254,253,156,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,190,151,252,252,253,252,252,237,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,245,245,187,134,21,21,21,128,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,84,56,0,0,0,0,0,22,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,237,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,255,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,191,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,64,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,128,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,191,64,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,128,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,64,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,128,64,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,64,255,255,255,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,64,255,255,255,64,64,191,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,64,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,136,255,152,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,55,138,206,222,249,253,254,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,199,253,253,230,230,187,137,169,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,119,0,0,0,0,104,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,51,0,0,0,0,0,187,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,244,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,184,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,190,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,159,253,211,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,99,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,153,240,252,253,252,252,227,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,194,252,252,252,253,252,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,243,252,252,252,252,190,64,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,255,253,253,234,73,0,0,0,9,128,76,19,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,253,244,123,17,0,0,0,0,93,252,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,99,246,253,219,51,0,0,0,0,19,188,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,240,207,103,93,93,188,252,252,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,96,252,252,252,252,253,252,252,252,252,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,116,210,230,244,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,179,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,82,0,0,0,0,0,0,0,0,99,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,102,251,131,0,0,0,0,0,0,0,0,50,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,53,233,254,113,0,0,0,0,0,0,0,0,5,88,254,246,39,0,0,0,0,0,0,0,0,0,0,0,164,254,185,21,0,0,0,0,0,0,0,0,0,112,254,254,191,0,0,0,0,0,0,0,0,0,0,47,245,185,33,0,0,0,0,0,0,0,0,0,0,124,254,245,97,0,0,0,0,0,0,0,0,0,0,158,254,74,0,0,0,0,0,0,0,0,0,10,0,124,254,236,0,0,0,0,0,0,0,0,0,0,0,225,211,8,0,0,0,0,0,0,18,42,157,214,27,190,254,236,0,0,0,0,0,0,0,0,0,0,0,246,254,142,97,85,79,97,100,184,255,254,254,248,163,242,254,172,0,0,0,0,0,0,0,0,0,0,0,185,254,254,254,254,254,254,254,254,254,168,144,92,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,25,139,247,254,254,254,194,175,175,31,0,0,198,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,8,8,8,2,0,0,0,0,60,253,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,246,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,254,248,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,234,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,192,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,251,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,118,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,47,151,212,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,184,203,252,252,253,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,197,253,252,252,252,252,253,235,77,45,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,253,231,54,22,22,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,214,26,47,47,26,47,47,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,221,252,252,222,252,252,227,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,253,252,252,252,252,253,252,252,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,148,252,252,157,137,137,137,137,232,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,230,42,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,211,76,0,0,0,155,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,211,43,0,119,236,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,234,252,252,247,184,234,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,139,244,253,252,252,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,148,252,136,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,125,16,0,0,0,0,0,0,0,0,0,0,0,78,252,61,0,0,0,0,0,0,0,0,0,0,110,251,254,100,0,0,0,0,0,0,0,0,0,0,148,252,251,67,0,0,0,0,0,0,0,0,0,113,248,254,254,32,0,0,0,0,0,0,0,0,0,83,250,249,72,0,0,0,0,0,0,0,0,0,0,240,254,254,254,32,0,0,0,0,0,0,0,0,14,197,254,241,0,0,0,0,0,0,0,0,0,0,49,251,254,110,181,32,0,0,0,0,0,0,0,0,33,254,254,191,0,0,0,0,0,0,0,0,0,0,125,254,157,3,13,4,0,0,0,0,0,0,0,15,180,254,254,111,0,0,0,0,0,0,0,0,0,0,125,254,143,0,0,0,0,0,0,0,0,0,0,151,254,254,194,17,0,0,0,0,0,0,0,0,0,0,125,254,235,16,0,0,0,0,0,0,0,0,79,240,254,246,72,0,0,0,0,0,0,0,0,0,0,0,26,250,254,56,0,0,0,0,0,0,55,100,239,254,245,97,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,231,79,66,66,66,66,167,240,254,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,254,254,254,254,254,254,254,254,254,254,195,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,202,249,254,254,254,212,202,173,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,78,78,78,16,70,235,254,199,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,206,254,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,255,248,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,200,20,112,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,254,254,254,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,254,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,224,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,141,216,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,252,253,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,253,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,226,150,113,126,255,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,233,96,0,0,19,194,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,130,0,0,19,191,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,227,81,51,126,231,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,254,253,244,175,192,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,214,81,0,141,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,224,252,252,156,19,0,0,141,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,28,28,0,0,0,0,191,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,234,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,153,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,161,221,254,178,128,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,114,241,219,115,115,190,240,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,248,113,13,0,0,0,184,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,173,0,0,0,0,0,184,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,245,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,134,184,185,247,253,135,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,255,190,184,235,255,120,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,23,23,2,0,17,107,232,184,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,224,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,114,0,0,0,0,0,0,0,83,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,130,234,96,0,0,0,0,0,30,147,236,139,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,253,232,207,149,116,116,149,237,248,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,69,111,160,161,77,86,219,136,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,128,128,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,64,0,0,0,0,0,0,0,0,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,128,128,128,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,251,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,241,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,182,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,169,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,94,232,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,64,0,0,0,0,0,0,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,61,0,0,0,0,0,101,248,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,234,229,7,0,0,0,0,0,188,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,106,0,0,0,0,0,47,241,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,52,0,0,0,0,0,161,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,225,11,0,0,0,0,41,244,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,187,0,0,0,0,0,163,253,253,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,218,0,0,0,0,34,248,219,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,242,36,0,0,61,227,253,135,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,107,0,64,254,255,183,41,245,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,220,245,251,253,180,39,62,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,170,191,131,37,0,47,247,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,250,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,150,136,196,160,122,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,194,254,254,254,254,254,245,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,216,254,242,150,150,164,244,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,134,0,0,0,4,113,248,247,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,191,254,183,3,0,0,0,0,0,130,254,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,61,0,0,0,0,0,0,27,233,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,194,3,0,0,0,0,0,0,0,141,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,254,113,0,0,0,0,0,0,0,0,114,254,197,0,0,0,0,0,0,0,0,0,0,0,0,5,210,254,192,11,0,0,0,0,0,0,0,0,158,254,197,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,140,0,0,0,0,0,0,0,0,0,207,254,197,0,0,0,0,0,0,0,0,0,0,0,0,199,254,242,35,0,0,0,0,0,0,0,0,13,220,255,198,0,0,0,0,0,0,0,0,0,0,0,34,248,254,206,0,0,0,0,0,0,0,0,0,131,254,254,148,0,0,0,0,0,0,0,0,0,0,0,38,254,254,133,0,0,0,0,0,0,0,0,3,180,254,250,29,0,0,0,0,0,0,0,0,0,0,0,38,254,254,113,0,0,0,0,0,0,0,0,138,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,17,222,254,129,0,0,0,0,0,0,0,23,216,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,227,28,0,0,0,0,0,3,185,254,254,196,14,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,213,25,0,0,0,54,180,254,254,189,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,235,254,254,216,130,103,151,251,254,254,188,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,219,248,254,254,254,254,254,228,148,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,159,250,218,254,160,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,96,155,253,253,253,253,195,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,32,186,251,253,251,251,251,251,253,244,190,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,251,251,253,251,188,126,204,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,211,129,31,15,0,19,253,251,251,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,228,251,211,35,0,0,0,0,0,253,251,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,189,0,0,0,0,0,60,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,251,69,0,0,0,0,0,158,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,31,0,0,0,0,32,205,253,251,188,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,23,0,0,0,0,202,251,253,243,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,251,251,251,181,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,244,251,251,251,64,64,64,64,64,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,251,251,251,251,218,158,79,0,0,0,0,0,0,0,0,0,0,0,0,0,84,194,255,253,253,253,253,255,253,253,253,253,255,253,253,213,36,0,0,0,0,0,0,0,0,0,4,112,244,251,253,251,251,243,220,221,220,220,220,220,221,220,220,180,23,0,0,0,0,0,0,0,0,0,32,251,251,251,253,251,188,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,251,251,253,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,89,173,255,224,228,142,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,201,254,254,254,254,254,254,225,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,247,149,17,17,17,113,254,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,26,23,0,0,0,0,89,254,224,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,238,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,127,254,254,148,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,197,254,254,254,124,36,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,254,254,140,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,211,127,70,94,157,241,254,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,242,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,186,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,110,0,0,0,0,0,0,0,13,125,254,234,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,123,0,0,0,0,0,0,13,186,254,231,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,186,21,0,0,0,0,51,189,254,216,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,44,0,0,53,175,237,254,186,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,161,175,193,237,254,249,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,254,254,254,253,214,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,196,196,160,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,196,187,169,169,170,169,169,169,169,170,169,169,169,169,170,169,169,75,13,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,252,189,0,0,0,0,0,0,0,0,63,178,253,253,253,255,253,253,240,140,255,253,253,190,253,255,253,253,253,112,0,0,0,0,0,0,0,0,0,9,27,27,27,27,27,27,24,0,27,27,27,85,252,253,252,252,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,88,234,252,253,233,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,181,252,252,252,84,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,252,252,215,121,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,200,252,252,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,169,253,252,252,217,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,253,165,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,215,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,55,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,220,68,99,175,230,254,254,254,254,230,175,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,235,254,242,138,217,245,254,254,254,254,233,177,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,238,102,31,0,33,107,127,82,48,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,245,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,226,77,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,241,254,254,245,187,103,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,191,238,254,254,254,243,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,56,115,224,254,252,159,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,201,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,183,238,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,30,0,0,0,0,0,0,0,0,128,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,186,0,0,0,0,0,0,0,0,172,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,221,165,0,0,0,0,0,0,0,80,251,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,233,46,0,0,0,0,0,101,254,254,251,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,234,55,0,0,28,136,235,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,161,252,207,207,218,254,255,254,175,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,254,254,254,251,145,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,76,159,219,154,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,152,112,31,51,214,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,252,233,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,151,102,102,0,142,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,151,0,0,0,142,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,172,0,0,0,203,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,41,0,0,203,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,102,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,102,0,21,223,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,41,0,51,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,234,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,67,96,206,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,171,147,252,252,253,235,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,219,252,252,252,252,240,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,121,252,252,252,246,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,250,130,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,252,252,193,0,0,0,0,0,0,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,252,243,18,0,0,0,0,20,132,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,193,159,139,11,154,125,169,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,71,243,252,252,252,177,252,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,202,253,255,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,238,253,252,226,221,236,138,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,241,252,253,226,45,85,252,179,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,248,252,252,130,41,0,132,252,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,39,0,0,132,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,252,252,166,0,0,35,222,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,252,142,5,0,152,252,250,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,252,209,198,126,217,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,203,252,252,252,253,252,252,202,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,224,252,253,252,161,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,127,13,2,0,0,0,0,8,13,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,222,252,252,36,11,25,88,145,211,252,252,135,17,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,252,252,252,53,127,252,253,252,252,252,252,252,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,220,244,252,253,224,204,236,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,226,134,72,31,0,83,252,252,162,10,0,0,0,0,0,0,0,0,0,0,0,0,0,12,197,252,252,252,143,0,0,0,11,164,252,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,204,252,252,232,50,0,0,77,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,252,235,5,109,239,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,231,252,252,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,52,235,252,252,253,252,217,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,252,252,253,252,219,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,252,252,231,227,253,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,252,252,115,35,253,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,235,252,193,76,37,73,253,252,242,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,252,252,116,188,225,252,253,204,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,252,252,252,252,252,252,249,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,252,252,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,154,131,80,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,43,0,39,12,48,48,173,151,116,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,249,155,244,212,254,254,254,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,255,237,218,218,154,31,10,46,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,210,254,182,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,236,78,10,0,0,0,59,74,74,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,198,150,224,224,224,224,248,254,254,251,192,112,6,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,254,254,254,253,192,109,88,125,200,254,254,167,9,0,0,0,0,0,0,0,0,0,0,0,0,38,179,153,145,54,41,40,0,0,0,0,6,73,242,254,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,204,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,220,197,0,0,0,0,0,0,0,0,0,0,108,129,0,0,0,0,0,0,0,0,0,0,0,0,0,52,246,197,0,0,0,0,0,0,0,0,0,45,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,184,0,0,0,0,0,0,0,0,0,48,254,114,0,0,0,0,0,0,0,0,0,0,0,0,48,231,251,65,0,0,0,0,0,0,0,0,0,48,254,123,0,0,0,0,0,0,0,0,0,0,3,54,231,254,141,0,0,0,0,0,0,0,0,0,0,35,239,228,18,0,0,0,0,0,0,0,0,52,176,254,254,181,12,0,0,0,0,0,0,0,0,0,0,0,109,254,194,62,11,10,0,1,11,134,219,246,254,247,99,12,0,0,0,0,0,0,0,0,0,0,0,0,35,159,254,254,254,249,161,163,254,254,245,197,100,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,46,142,223,254,254,254,254,171,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,226,255,255,170,86,141,57,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,198,255,255,255,255,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,29,170,255,255,255,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,170,255,255,114,198,255,86,29,170,255,255,57,0,0,0,0,0,0,0,0,0,0,0,114,255,198,0,86,255,255,57,0,141,255,114,0,0,255,255,141,0,0,0,0,0,0,0,0,0,0,0,255,255,29,0,198,255,57,0,0,86,255,170,0,0,198,255,255,0,0,0,0,0,0,0,0,0,0,141,255,141,0,57,255,198,0,0,0,86,255,86,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,255,255,29,0,226,255,86,0,0,0,86,255,0,0,0,0,255,255,141,0,0,0,0,0,0,0,0,114,255,255,0,0,255,255,57,0,0,0,86,170,0,0,0,0,255,255,114,0,0,0,0,0,0,0,0,170,255,226,0,0,226,255,114,0,0,0,86,29,0,0,0,0,255,255,170,0,0,0,0,0,0,0,0,255,255,170,0,0,86,255,198,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,255,255,141,0,0,0,170,255,57,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,255,255,170,0,0,0,0,86,114,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,57,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,29,255,255,29,0,0,0,0,0,0,0,0,0,170,255,255,255,29,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,29,255,255,255,226,29,0,0,0,0,0,0,0,0,141,255,114,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,255,170,141,86,29,0,86,141,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,255,255,255,255,255,255,255,255,255,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,170,170,255,255,170,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,180,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,252,252,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,234,241,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,92,17,116,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,252,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,161,161,120,47,57,219,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,252,252,252,253,252,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,252,252,252,253,252,252,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,137,189,232,200,128,22,107,137,137,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,96,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,64,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,64,128,191,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,64,255,255,255,191,128,191,255,255,255,255,255,255,255,191,255,255,255,128,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,64,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,128,128,64,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,191,255,255,191,128,64,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,191,128,128,128,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,191,0,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,0,0,0,128,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,64,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,120,156,186,223,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,147,214,244,254,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,222,175,143,253,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,229,124,34,47,183,240,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,23,0,0,194,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,241,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,109,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,154,136,122,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,254,253,253,253,208,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,98,128,195,218,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,78,0,0,0,0,0,0,0,0,0,0,0,0,7,20,20,0,0,0,0,0,0,0,7,35,192,254,228,12,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,176,130,79,6,61,79,48,169,253,253,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,131,238,253,253,235,248,254,245,253,237,222,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,140,155,208,253,254,207,126,36,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,5,97,144,144,250,254,216,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,86,200,187,254,253,198,187,230,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,92,44,8,0,75,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,248,250,116,10,0,0,0,0,56,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,235,222,73,0,0,0,0,0,5,147,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,253,45,0,0,0,0,0,0,110,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,120,2,0,0,0,0,0,5,235,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,74,0,0,0,0,6,74,193,253,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,231,135,78,78,78,149,253,253,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,215,253,253,253,253,253,254,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,111,159,111,15,144,254,241,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,227,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,190,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,248,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,105,176,254,254,175,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,220,253,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,104,254,253,252,238,194,89,89,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,225,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,128,246,253,223,48,0,36,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,253,253,146,44,0,0,120,231,162,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,104,0,0,0,120,253,253,190,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,253,253,157,6,0,0,0,120,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,237,49,0,0,0,0,120,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,72,241,253,253,75,0,0,0,0,0,49,236,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,224,0,0,0,0,0,0,0,121,254,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,15,253,191,39,0,0,0,0,0,0,0,120,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,113,253,178,0,0,0,0,0,0,0,10,128,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,164,253,178,0,0,0,0,0,0,29,206,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,164,253,178,0,0,0,0,0,0,105,253,253,253,244,178,10,0,0,0,0,0,0,0,0,0,0,0,0,147,253,187,9,0,0,0,18,181,240,253,253,226,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,74,0,0,104,205,254,253,253,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,128,253,243,239,239,250,253,255,232,66,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,204,253,253,253,253,253,209,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,173,245,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,255,238,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,252,94,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,216,226,141,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,95,3,1,180,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,133,216,216,25,24,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,254,115,10,254,228,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,193,254,251,135,11,8,236,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,214,254,254,232,0,0,0,168,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,219,254,254,189,43,0,0,0,168,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,238,17,0,0,0,0,168,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,240,254,254,94,0,0,0,0,8,238,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,248,53,0,0,0,0,105,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,222,254,254,129,0,0,0,0,0,202,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,191,25,0,0,0,0,2,204,254,234,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,42,0,0,0,0,0,134,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,9,0,0,0,23,200,252,254,201,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,11,0,33,120,221,254,254,170,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,244,254,180,147,192,254,254,254,175,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,254,254,254,221,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,227,254,254,254,144,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,159,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,252,252,158,38,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,222,233,197,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,252,252,252,253,252,252,196,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,253,165,126,0,0,48,229,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,176,6,0,0,0,0,72,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,151,0,0,0,0,0,19,196,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,27,0,0,0,0,0,0,169,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,169,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,43,0,0,0,0,0,38,224,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,48,165,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,168,0,0,0,0,85,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,253,243,97,0,48,147,234,252,242,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,133,253,252,239,197,227,253,252,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,249,252,252,252,253,242,192,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,190,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,123,255,212,91,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,216,253,253,253,253,224,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,253,253,253,156,146,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,253,253,193,56,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,193,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,246,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,56,0,0,0,0,0,0,0,0,9,83,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,169,5,0,0,0,0,3,121,172,180,253,161,9,2,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,178,16,0,0,0,146,253,253,253,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,15,239,253,253,56,0,0,0,246,252,228,228,228,248,253,238,79,0,0,0,0,0,0,0,0,0,0,0,0,59,227,253,226,52,0,72,249,245,0,0,0,130,253,253,172,7,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,227,57,172,240,99,0,0,0,35,233,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,171,0,0,0,0,0,131,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,5,112,244,253,253,253,243,110,58,58,58,85,238,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,253,253,253,253,253,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,164,224,253,253,253,253,253,253,253,199,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,89,89,89,89,89,195,89,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,221,254,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,255,253,227,129,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,254,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,253,255,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,209,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,248,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,244,17,0,0,14,128,167,206,210,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,250,253,184,0,0,10,246,238,231,243,253,250,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,131,0,17,190,184,27,0,85,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,84,0,51,117,0,0,0,171,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,136,0,0,0,0,3,99,253,253,158,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,249,88,12,0,60,181,253,253,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,205,188,254,253,223,166,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,71,196,253,253,253,240,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,196,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,221,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,163,253,164,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,240,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,231,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,87,145,164,250,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,82,201,253,228,253,253,237,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,207,222,170,54,47,247,253,253,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,166,0,0,0,202,233,85,214,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,228,98,0,0,6,106,255,50,0,51,254,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,0,0,8,102,253,115,2,0,8,173,254,171,8,0,0,0,0,0,0,0,0,0,0,0,0,45,245,175,0,8,132,231,94,0,0,0,0,0,152,145,5,0,0,0,0,0,0,0,0,0,0,0,0,118,249,233,135,211,231,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,220,163,142,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,139,255,171,146,69,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,239,214,214,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,89,53,139,239,251,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,187,251,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,188,225,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,119,233,249,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,124,224,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,242,125,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,253,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,54,54,77,195,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,253,253,234,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,227,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,173,41,0,0,0,15,192,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,184,104,127,211,215,253,214,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,253,253,253,206,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,253,178,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,216,191,145,60,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,56,182,254,201,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,129,196,196,237,254,254,254,255,233,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,126,161,243,254,240,195,165,81,39,39,194,254,39,0,0,0,0,0,0,0,0,0,0,0,43,151,236,249,254,254,194,98,27,0,0,0,0,0,74,254,112,0,0,0,0,0,0,0,0,0,0,94,254,248,236,174,91,31,0,0,0,0,0,0,0,0,13,232,118,0,0,0,0,0,0,0,0,0,0,64,136,46,0,0,0,0,0,0,0,0,0,0,0,0,0,196,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,236,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,183,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,119,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,233,244,203,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,111,40,0,131,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,203,20,0,0,51,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,92,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,21,214,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,21,162,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,193,152,214,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,233,132,253,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,111,10,131,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,102,0,0,0,173,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,61,0,0,0,10,212,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,192,0,0,0,0,0,163,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,70,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,50,0,0,0,0,52,233,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,172,0,0,21,102,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,193,193,255,253,203,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,181,9,0,0,0,0,0,0,72,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,92,0,0,0,0,0,0,207,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,207,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,92,0,0,0,0,0,0,208,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,92,0,0,0,0,0,19,220,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,185,0,0,0,0,0,70,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,248,230,188,116,127,230,236,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,255,253,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,219,252,252,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,69,69,69,102,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,110,109,109,191,255,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,217,217,242,252,253,252,252,252,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,252,252,252,252,253,252,252,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,253,252,252,252,253,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,158,143,143,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,35,35,5,0,0,0,0,0,0,0,217,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,242,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,145,104,0,84,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,255,253,253,253,255,253,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,252,253,252,252,232,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,226,252,252,217,247,252,252,253,241,221,231,217,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,108,108,0,217,252,252,253,97,16,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,253,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,222,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,250,221,140,48,48,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,241,198,198,198,198,198,198,198,198,198,194,35,0,0,0,0,0,0,0,0,0,0,0,2,44,114,143,218,227,255,254,254,219,218,218,218,251,254,238,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,67,67,67,2,0,0,0,229,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,245,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,197,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,251,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,193,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,255,229,150,87,47,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,105,253,198,120,217,218,253,253,235,62,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,78,0,0,2,67,139,253,253,253,206,19,0,0,0,0,0,0,0,0,0,0,0,0,0,48,198,253,124,6,0,0,0,0,8,196,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,230,15,0,0,0,0,0,0,104,236,253,253,247,58,0,0,0,0,0,0,0,0,0,0,0,39,243,253,170,0,0,0,0,0,0,0,3,196,253,253,253,135,3,0,0,0,0,0,0,0,0,0,0,20,220,253,225,13,0,0,0,0,0,0,135,253,253,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,151,253,253,121,37,6,6,93,130,213,252,250,206,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,253,253,253,253,253,128,41,13,209,253,253,245,19,0,0,0,0,0,0,0,0,0,0,0,23,228,253,253,253,229,155,92,51,1,0,0,99,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,38,66,109,150,39,0,0,0,0,0,0,34,239,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,247,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,226,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,235,144,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,220,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,253,249,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,253,253,254,222,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,253,236,246,254,253,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,98,38,48,216,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,111,15,0,163,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,121,245,254,254,254,193,221,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,253,253,254,253,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,253,253,253,253,253,254,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,79,10,10,107,254,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,0,0,254,253,253,253,172,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,109,0,0,78,254,253,253,253,253,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,253,243,165,122,237,254,250,198,253,253,211,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,253,253,253,255,168,39,156,209,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,196,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,86,210,253,205,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,113,0,0,0,0,0,8,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,192,0,0,0,0,0,12,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,197,0,0,0,0,32,191,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,250,21,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,249,0,0,0,0,45,179,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,190,0,0,33,161,199,238,254,165,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,129,0,35,221,218,236,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,150,109,220,245,177,229,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,254,195,0,214,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,218,159,60,245,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,244,254,246,66,13,177,255,212,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,191,21,0,55,249,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,66,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,199,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,228,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,235,235,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,171,238,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,243,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,244,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,193,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,221,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,228,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,225,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,249,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,249,56,0,1,6,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,124,0,0,85,253,241,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,204,9,0,0,249,253,241,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,253,90,0,26,125,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,247,135,192,230,253,253,253,221,192,184,89,173,89,53,0,0,0,0,0,0,0,0,0,0,0,92,252,253,253,253,253,253,253,253,253,253,253,251,222,175,119,28,0,0,0,0,0,0,0,0,0,0,59,235,253,253,253,202,175,191,253,253,194,175,102,66,0,0,0,0,0,0,0,0,0,0,0,0,0,8,192,253,251,160,38,9,1,153,253,233,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,129,0,0,0,33,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,246,253,216,11,0,0,0,110,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,245,90,0,0,0,0,86,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,230,132,0,0,0,0,0,1,68,149,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,24,0,0,0,1,16,16,66,116,175,104,164,234,65,0,0,0,0,0,0,0,0,0,0,0,0,70,255,161,22,52,112,145,254,254,254,254,208,238,149,20,0,0,0,0,0,0,0,0,0,0,0,0,47,231,255,254,239,254,254,255,238,150,207,127,15,36,9,0,0,0,0,0,0,0,0,0,0,0,0,32,196,254,255,254,254,254,194,161,72,6,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,250,174,110,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,250,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,202,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,226,207,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,106,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,15,0,0,0,10,221,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,30,0,0,0,0,207,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,175,18,0,0,0,57,240,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,58,0,0,52,218,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,200,48,98,240,254,215,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,254,251,155,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,244,179,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,55,179,179,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,217,203,246,254,254,236,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,254,254,213,181,220,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,254,191,49,6,0,69,244,235,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,206,234,18,0,0,0,0,114,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,170,134,15,0,0,0,0,0,79,240,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,135,1,0,0,0,0,0,0,149,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,90,250,254,229,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,197,254,254,254,229,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,254,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,212,254,254,241,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,180,254,254,81,189,241,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,249,238,211,254,154,10,118,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,148,187,254,129,0,79,254,242,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,235,250,215,254,229,75,0,8,205,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,221,186,238,112,0,0,0,113,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,202,77,0,0,0,31,205,247,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,250,87,0,0,0,0,0,25,131,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,117,0,0,0,0,0,0,0,189,251,145,121,28,0,0,0,0,0,0,0,0,0,0,0,0,71,247,254,87,0,0,0,0,0,0,0,105,254,255,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,40,0,0,0,0,0,89,242,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,202,13,0,0,0,0,128,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,108,0,0,0,0,0,95,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,108,0,0,0,0,0,128,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,109,0,0,0,0,0,186,235,0,137,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,56,0,0,0,0,51,250,150,53,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,18,0,0,0,0,55,253,166,204,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,248,17,0,0,0,0,61,253,253,246,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,66,149,222,253,207,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,254,254,254,254,255,254,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,166,198,198,159,108,18,152,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,241,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,234,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,219,241,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,145,251,254,254,254,167,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,254,254,254,216,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,127,253,254,254,244,184,171,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,254,189,67,0,145,254,110,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,250,45,0,2,151,254,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,164,0,0,28,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,253,107,0,88,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,254,247,228,245,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,250,254,254,254,254,254,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,206,246,254,254,254,254,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,121,255,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,201,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,99,0,0,0,0,49,254,254,254,198,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,253,221,161,84,84,191,255,254,254,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,254,254,254,254,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,241,254,254,254,254,254,254,254,254,166,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,246,254,254,254,254,239,234,155,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,117,176,254,142,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,93,164,254,255,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,253,253,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,241,241,253,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,253,242,85,86,242,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,253,253,170,21,89,227,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,180,231,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,253,253,253,249,252,253,253,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,112,166,112,34,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,244,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,151,220,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,246,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,255,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,255,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,244,249,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,235,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,228,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,223,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,250,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,220,92,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,253,253,253,255,253,253,237,113,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,252,252,252,252,253,252,252,252,252,241,100,19,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,252,252,245,195,56,180,227,233,252,253,252,165,0,0,0,0,0,0,0,0,0,0,0,0,54,224,252,253,226,192,74,0,0,0,47,91,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,48,227,252,252,253,27,0,0,0,0,0,32,215,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,204,15,0,0,0,0,0,57,253,253,255,215,110,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,15,0,0,0,0,0,76,200,252,252,168,33,0,0,0,0,0,0,0,0,0,0,0,0,66,239,252,252,32,0,0,0,0,120,246,252,245,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,216,44,7,4,107,253,252,245,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,252,253,252,165,153,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,192,253,253,253,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,222,252,252,252,252,253,233,165,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,245,145,145,84,218,252,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,38,221,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,255,253,133,0,0,0,0,198,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,152,253,252,103,0,0,0,123,246,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,252,208,57,57,120,246,252,198,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,249,252,252,252,253,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,220,128,252,112,237,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,212,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,232,92,0,0,0,0,9,174,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,206,0,0,0,0,0,159,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,254,56,0,0,0,0,41,229,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,190,2,0,0,0,0,166,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,244,67,0,0,0,0,22,228,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,253,128,0,0,0,0,0,147,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,171,0,0,0,0,0,70,245,222,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,212,244,79,0,0,0,5,80,245,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,254,131,11,24,49,132,212,253,254,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,254,215,215,253,254,253,253,253,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,255,254,254,254,185,167,132,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,56,107,115,81,0,26,224,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,227,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,247,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,105,219,253,255,129,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,231,252,252,252,253,252,223,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,183,252,252,252,243,244,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,160,55,55,231,252,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,128,252,252,128,7,0,0,59,225,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,42,7,0,0,0,164,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,137,0,0,0,164,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,207,0,0,0,23,252,252,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,236,83,0,0,0,4,149,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,162,0,0,0,0,0,120,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,163,0,0,0,0,0,71,241,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,236,49,0,0,0,4,130,247,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,224,252,252,252,155,0,0,0,15,252,252,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,252,252,207,0,0,0,86,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,207,0,0,18,190,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,239,91,92,196,252,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,189,252,252,252,253,252,252,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,247,252,252,253,252,252,252,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,241,252,253,252,249,136,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,191,103,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,164,228,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,250,180,4,48,173,213,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,220,41,0,0,59,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,199,17,0,0,38,228,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,181,18,0,20,139,246,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,175,202,209,219,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,51,51,51,192,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,228,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,192,247,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,227,212,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,118,228,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,70,173,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,234,186,216,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,173,252,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,254,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,130,151,232,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,254,213,41,0,31,233,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,172,10,0,0,51,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,233,0,0,0,0,0,41,234,152,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,192,0,0,0,0,21,183,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,92,31,72,152,254,253,224,122,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,232,253,252,233,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,130,131,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,183,0,0,203,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,183,0,0,203,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,253,163,0,52,233,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,243,203,233,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,254,253,254,253,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,232,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,61,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,91,0,0,0,0,152,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,142,0,0,0,0,0,152,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,102,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,212,0,0,0,0,0,0,71,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,91,0,0,0,0,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,50,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,31,51,51,92,152,152,214,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,233,252,253,252,253,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,203,203,203,102,183,203,122,92,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,143,227,182,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,238,254,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,220,254,254,225,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,235,48,163,129,119,222,224,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,79,0,0,0,0,64,247,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,230,0,0,0,0,0,5,201,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,70,0,0,0,0,10,224,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,79,0,0,7,75,196,254,254,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,228,122,127,203,254,254,230,84,218,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,241,254,254,239,151,111,77,0,57,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,248,253,127,0,0,0,0,6,217,200,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,206,0,0,0,0,0,0,104,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,254,123,0,0,0,0,0,0,33,242,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,229,25,0,0,0,0,0,0,0,191,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,106,0,0,0,0,0,0,0,0,162,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,106,0,0,0,0,0,0,0,54,244,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,106,0,0,0,0,0,1,86,235,201,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,144,12,0,0,30,97,179,254,210,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,255,231,226,226,239,254,207,48,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,155,231,158,158,152,62,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,118,248,255,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,112,234,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,58,76,76,76,76,199,213,221,253,253,253,253,253,235,53,0,0,0,0,0,0,0,0,0,0,0,0,58,239,253,253,253,253,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,66,245,253,253,253,253,222,219,219,129,87,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,239,239,168,103,11,0,0,0,15,253,253,249,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,200,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,168,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,237,253,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,253,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,240,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,121,254,235,150,96,130,111,76,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,254,254,255,254,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,225,254,245,136,176,207,212,254,254,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,255,206,26,0,0,0,4,44,234,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,250,98,0,0,0,0,0,98,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,250,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,213,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,250,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,214,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,246,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,174,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,177,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,254,254,210,39,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,253,188,254,254,167,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,192,252,254,100,26,125,231,254,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,254,181,13,0,0,13,114,250,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,232,254,254,83,0,0,0,0,0,141,254,222,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,213,0,0,0,0,0,0,11,207,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,90,0,0,0,0,0,0,0,182,254,216,16,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,31,0,0,0,0,0,0,0,182,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,15,214,254,254,31,0,0,0,0,0,0,13,210,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,213,13,0,0,0,0,0,0,92,254,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,181,0,0,0,0,0,0,0,135,254,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,33,246,254,181,0,0,0,0,0,0,104,242,254,254,246,32,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,181,0,0,0,0,0,63,237,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,247,28,0,0,5,62,242,254,254,254,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,59,0,30,149,254,254,254,254,234,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,254,238,219,234,254,254,254,254,236,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,237,254,254,254,254,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,254,254,254,152,72,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,224,140,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,221,60,119,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,254,173,218,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,127,22,122,237,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,247,247,51,0,0,22,240,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,149,0,0,0,17,239,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,188,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,208,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,244,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,197,208,254,254,255,255,199,75,8,0,10,128,253,167,0,0,0,0,0,0,0,0,0,0,0,2,140,236,253,253,253,253,253,253,253,253,127,0,143,253,253,75,0,0,0,0,0,0,0,0,0,1,38,163,253,253,251,227,139,133,32,113,251,253,241,129,243,253,234,42,0,0,0,0,0,0,0,0,0,38,253,253,253,140,55,0,0,0,0,93,163,253,253,253,253,236,4,0,0,0,0,0,0,0,0,0,0,26,231,253,235,37,0,0,0,0,0,93,253,253,253,253,233,57,0,0,0,0,0,0,0,0,0,0,0,0,84,252,253,119,6,0,0,66,108,168,253,253,253,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,208,136,33,122,95,174,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,78,232,253,253,233,167,73,241,253,253,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,226,240,253,253,245,253,253,217,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,92,217,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,241,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,246,139,232,249,169,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,209,253,253,161,0,0,180,253,167,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,161,0,0,61,250,253,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,150,0,0,0,139,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,128,0,0,0,163,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,161,253,253,199,7,69,144,252,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,219,253,253,249,252,253,253,253,253,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,253,253,253,253,253,235,93,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,123,154,253,253,137,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,68,102,168,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,215,254,254,254,254,254,254,115,13,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,214,254,254,254,254,254,254,254,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,214,254,254,254,254,248,229,249,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,248,134,75,58,233,254,254,182,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,236,74,69,232,254,254,180,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,254,254,254,254,242,171,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,156,236,254,254,254,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,166,254,254,254,254,233,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,196,254,254,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,238,204,254,235,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,237,254,155,15,175,254,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,209,13,0,15,175,254,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,95,0,0,0,54,240,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,254,74,0,0,0,0,166,254,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,74,0,0,0,0,136,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,255,210,107,167,204,231,251,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,254,254,254,254,254,254,254,254,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,254,254,254,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,130,218,254,221,228,153,88,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,83,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,213,4,0,0,0,0,0,0,0,0,0,108,201,220,185,101,14,0,0,0,0,0,0,0,0,0,0,255,161,0,0,0,0,0,0,0,0,0,18,229,182,125,192,254,224,54,0,0,0,0,0,0,0,0,0,254,90,0,0,0,0,0,0,0,0,0,35,254,56,0,3,110,243,236,13,0,0,0,0,0,0,0,0,255,102,0,0,0,0,0,0,0,0,0,35,254,56,0,0,0,128,254,94,0,0,0,0,0,0,0,0,254,212,4,0,0,0,0,0,0,0,0,31,248,96,0,0,0,2,192,167,0,0,0,0,0,0,0,0,149,254,63,2,0,0,0,0,0,0,0,0,203,220,27,0,0,0,177,197,0,0,0,0,0,0,0,0,20,236,254,173,28,2,0,0,0,0,0,0,69,249,106,7,27,140,235,125,0,0,0,0,0,0,0,0,0,20,172,247,254,195,113,104,104,90,31,104,104,221,254,210,254,247,144,0,0,0,0,0,0,0,0,0,0,0,0,42,149,234,252,254,254,254,254,254,254,252,241,241,236,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,73,73,73,73,73,73,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,192,42,0,0,20,249,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,253,254,85,0,0,20,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,254,254,211,4,0,0,20,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,241,254,254,179,56,0,0,0,20,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,214,254,254,150,7,0,0,0,0,20,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,230,254,254,149,8,0,0,0,0,0,20,243,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,149,9,0,0,0,0,0,0,64,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,249,254,149,9,0,0,0,0,0,0,0,151,241,0,0,0,0,0,0,0,0,0,0,0,0,0,85,249,254,149,9,0,0,0,0,0,0,0,22,234,204,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,231,29,0,0,0,0,0,0,0,0,128,239,26,0,0,0,0,0,0,0,0,0,0,0,0,26,240,232,58,0,0,0,0,0,0,0,0,8,180,235,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,156,0,0,0,0,0,0,0,0,9,146,254,140,0,0,0,0,0,0,0,0,0,0,0,0,83,251,236,61,0,0,0,0,0,0,0,0,64,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,119,254,62,0,0,0,0,0,0,0,9,130,227,254,237,35,0,0,0,0,0,0,0,0,0,0,0,0,119,254,19,0,0,0,0,0,0,56,183,254,254,250,131,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,19,0,0,9,27,64,157,230,254,254,237,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,158,151,151,185,254,254,254,254,254,217,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,254,254,254,254,254,254,254,251,214,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,254,254,254,254,216,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,210,124,124,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,185,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,69,38,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,240,252,40,165,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,207,0,218,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,251,91,0,218,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,134,254,208,0,0,218,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,134,254,251,63,0,0,180,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,80,254,254,144,0,0,0,134,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,245,94,38,66,53,191,254,180,122,100,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,254,254,254,254,254,254,254,254,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,208,243,219,214,239,217,208,217,254,225,125,103,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,9,5,25,7,0,51,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,212,254,255,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,248,254,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,180,254,254,254,254,254,254,217,84,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,254,254,233,193,254,254,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,214,29,10,137,225,183,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,59,0,0,0,1,131,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,34,0,0,0,110,254,254,178,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,169,5,0,88,253,254,177,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,254,134,122,245,254,145,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,254,254,254,254,159,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,188,254,249,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,199,254,136,134,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,254,52,157,254,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,213,112,251,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,244,239,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,254,254,178,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,179,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,166,254,119,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,211,199,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,72,134,255,112,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,172,236,255,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,223,238,160,226,198,233,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,239,56,5,35,17,224,175,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,98,0,0,0,0,172,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,234,18,0,0,0,0,27,240,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,234,18,0,0,0,0,0,223,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,148,8,40,40,48,104,240,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,239,240,248,249,250,254,209,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,254,220,220,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,226,29,59,236,173,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,222,254,150,105,207,227,135,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,91,20,112,198,254,206,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,32,0,0,7,160,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,226,254,32,0,0,0,128,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,102,0,0,0,187,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,222,48,0,81,245,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,226,234,173,246,254,133,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,144,230,254,134,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,105,167,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,243,253,254,253,253,253,253,253,230,156,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,248,253,244,177,89,89,89,221,249,253,253,158,7,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,232,55,0,0,0,0,0,95,197,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,76,0,0,0,0,0,0,0,134,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,165,0,0,0,0,0,0,0,40,243,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,15,119,119,98,0,0,0,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,242,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,205,253,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,211,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,118,253,253,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,206,253,251,158,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,230,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,75,75,75,36,0,58,163,238,253,253,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,93,179,227,253,253,253,214,179,236,253,254,253,242,74,52,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,253,246,134,16,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,255,253,253,253,241,239,160,178,75,0,0,0,0,0,0,0,0,0,121,219,253,253,213,208,208,208,208,208,209,208,237,253,253,253,253,237,224,62,0,0,0,0,0,0,0,0,0,25,104,104,12,0,0,0,0,0,0,0,68,104,104,104,104,67,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,63,53,16,0,0,21,211,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,253,253,121,0,0,199,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,211,253,253,78,0,0,232,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,253,245,10,0,47,243,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,204,254,239,73,0,0,161,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,211,253,243,74,0,0,44,242,253,238,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,253,253,163,0,0,0,56,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,253,253,186,0,0,0,0,124,253,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,187,253,253,162,37,0,0,0,7,193,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,249,143,37,0,0,0,0,120,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,254,254,245,102,144,144,159,254,206,255,254,254,253,87,0,0,0,0,0,0,0,0,0,0,0,76,240,253,253,253,253,253,253,253,254,253,253,253,253,230,83,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,253,179,197,140,44,218,253,232,52,0,0,0,0,0,0,0,0,0,0,0,0,0,85,121,121,121,121,117,10,3,5,0,6,214,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,253,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,180,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,176,224,167,167,145,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,197,249,254,254,255,254,254,198,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,251,254,254,254,211,193,192,228,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,163,26,26,8,0,0,71,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,155,8,0,0,0,0,0,62,254,225,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,238,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,254,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,255,241,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,240,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,232,254,249,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,205,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,206,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,188,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,234,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,80,0,0,0,0,0,0,39,121,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,80,0,0,0,0,103,157,245,253,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,80,0,0,50,158,252,253,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,80,0,47,172,254,253,181,241,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,239,253,126,152,231,253,254,132,80,245,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,253,225,67,112,212,253,175,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,225,78,175,249,253,219,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,204,253,255,253,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,250,253,253,253,253,248,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,182,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,234,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,247,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,245,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,144,234,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,224,0,0,0,5,89,205,205,138,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,224,0,0,61,253,254,254,254,254,198,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,224,0,9,183,254,254,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,224,0,168,254,254,253,122,91,204,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,72,240,245,210,88,0,0,81,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,230,250,89,0,0,0,11,230,247,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,251,254,254,126,36,36,59,221,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,254,254,254,254,254,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,224,254,254,254,254,209,164,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,110,194,154,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,167,255,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,222,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,254,152,26,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,168,254,182,11,0,170,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,221,12,0,0,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,217,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,214,254,124,0,8,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,162,223,227,230,222,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,248,148,139,234,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,254,223,90,0,0,57,254,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,227,36,0,0,0,5,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,154,0,0,0,0,5,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,70,0,0,0,0,29,254,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,4,0,0,0,4,190,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,18,0,0,5,87,254,227,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,254,134,0,5,87,254,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,245,236,192,203,254,242,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,188,254,238,153,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,0,0,0,0,0,0,46,247,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,209,0,0,0,0,0,0,201,241,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,250,41,0,0,0,0,34,248,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,233,168,0,0,0,0,0,173,219,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,106,0,0,0,0,19,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,101,0,0,4,195,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,244,133,48,90,253,179,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,159,38,79,223,254,231,231,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,14,0,0,0,64,208,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,241,232,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,178,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,240,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,227,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,141,141,191,255,253,216,141,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,252,252,253,252,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,196,168,168,106,149,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,9,0,0,0,7,103,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,54,141,141,141,141,53,128,204,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,252,252,253,252,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,252,253,252,252,252,206,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,28,28,28,28,40,215,252,202,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,154,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,123,246,244,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,240,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,244,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,222,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,190,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,117,252,157,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,112,229,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,231,224,122,98,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,249,131,29,0,0,19,176,134,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,106,0,0,0,20,202,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,108,2,0,0,119,232,46,237,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,247,152,68,54,236,166,0,128,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,180,253,253,232,19,0,23,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,154,253,251,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,163,233,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,183,17,197,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,240,135,0,38,250,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,238,32,0,19,224,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,224,0,0,0,194,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,224,0,0,0,104,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,224,0,0,0,104,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,141,0,0,0,104,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,113,0,0,134,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,249,112,23,230,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,211,244,221,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,125,242,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,133,218,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,249,254,188,247,189,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,254,165,20,2,154,233,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,127,0,0,0,0,201,156,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,234,38,0,0,0,0,131,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,243,85,0,0,0,0,0,174,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,246,39,0,0,0,0,0,149,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,175,0,0,0,121,141,21,170,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,237,3,0,0,68,244,230,188,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,130,31,0,25,216,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,213,255,254,167,221,254,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,200,183,183,184,129,66,213,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,213,25,0,0,0,0,0,140,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,242,50,0,0,0,0,0,0,140,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,98,0,0,0,0,0,0,0,155,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,44,0,0,0,0,0,0,94,230,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,114,0,0,0,0,0,72,226,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,228,137,0,0,0,0,76,228,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,243,76,9,73,157,221,103,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,251,135,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,0,0,0,64,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,191,64,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,64,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,128,128,0,0,0,0,0,0,64,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,190,255,242,132,52,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,242,252,253,252,252,252,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,96,96,175,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,204,89,0,0,37,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,230,252,200,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,85,181,252,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,252,222,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,144,206,252,252,207,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,206,252,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,135,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,222,252,252,209,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,252,238,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,85,45,136,227,253,244,150,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,141,252,235,252,252,202,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,252,153,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,212,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,223,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,212,213,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,224,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,162,0,102,102,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,233,254,253,254,213,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,131,172,253,171,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,142,102,0,0,41,0,21,203,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,171,0,0,0,0,0,0,0,20,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,151,0,0,0,0,0,0,0,0,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,213,0,0,0,0,0,0,52,193,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,123,0,0,0,62,183,233,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,223,254,213,153,233,254,253,254,253,203,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,233,192,253,252,253,212,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,167,223,251,174,230,196,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,254,254,254,254,254,254,249,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,239,246,177,150,150,150,150,200,251,170,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,16,0,0,0,0,0,13,188,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,169,249,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,199,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,151,151,224,254,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,255,244,185,95,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,60,95,154,198,254,254,255,177,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,67,122,230,254,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,132,223,220,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,79,250,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,6,72,194,254,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,110,190,251,201,254,254,254,72,0,0,0,0,0,0,0,0,0,0,0,79,151,179,157,151,151,151,196,248,254,254,254,254,254,249,64,1,0,0,0,0,0,0,0,0,0,0,0,48,237,254,254,254,254,254,254,254,247,251,228,131,131,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,66,152,159,194,159,159,125,49,59,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,125,125,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,250,253,253,219,118,141,248,248,234,118,185,54,0,0,0,0,0,0,0,0,0,0,0,0,46,229,246,253,253,253,253,170,165,253,253,253,253,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,218,109,56,48,5,4,19,19,117,253,253,253,249,51,0,0,0,0,0,0,0,0,0,0,150,251,253,167,37,0,0,0,0,0,0,0,4,25,160,253,253,240,0,0,0,0,0,0,0,0,0,104,252,253,167,4,0,0,0,0,0,0,0,0,0,0,36,253,253,253,0,0,0,0,0,0,0,0,0,118,253,253,45,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,0,0,0,0,0,0,0,0,0,225,253,127,5,0,0,0,0,0,0,0,0,0,0,0,4,163,253,253,0,0,0,0,0,0,0,0,73,249,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,0,0,0,0,0,0,0,0,254,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,16,228,253,219,0,0,0,0,0,0,0,0,254,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,123,0,0,0,0,0,0,0,0,254,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,114,253,252,98,0,0,0,0,0,0,0,0,255,253,253,182,41,0,0,0,0,0,0,0,0,0,0,42,222,253,223,0,0,0,0,0,0,0,0,0,234,253,253,253,170,26,0,0,0,0,0,0,0,7,57,221,253,224,39,0,0,0,0,0,0,0,0,0,109,236,253,253,253,221,53,23,0,0,0,0,0,57,253,253,241,40,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,253,223,120,27,57,156,90,221,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,48,228,252,253,253,253,253,253,253,253,253,253,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,232,253,253,253,253,253,253,253,251,220,110,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,230,247,247,247,247,216,117,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,125,218,255,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,249,253,253,253,253,253,239,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,245,253,253,170,49,12,12,167,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,241,253,253,253,65,0,0,0,110,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,253,253,175,206,40,0,0,0,150,253,251,100,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,253,253,225,33,17,0,0,0,0,163,253,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,225,50,0,0,0,0,0,0,163,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,253,253,168,0,0,0,0,0,0,13,191,232,19,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,131,0,0,0,0,0,0,77,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,38,0,0,0,0,0,36,234,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,185,10,0,0,0,0,0,46,253,229,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,68,0,0,0,0,0,11,156,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,32,0,0,0,0,0,76,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,32,0,0,0,0,10,193,253,207,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,32,0,0,0,9,151,253,224,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,32,0,0,0,146,253,248,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,32,7,20,125,230,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,243,253,157,180,253,253,250,142,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,211,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,237,253,145,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,139,234,254,245,139,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,254,253,228,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,171,69,122,191,253,253,228,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,111,0,0,5,67,228,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,184,0,0,0,0,132,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,32,0,0,0,111,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,220,253,236,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,123,254,253,234,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,225,253,254,173,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,210,253,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,241,253,217,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,254,245,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,253,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,246,254,212,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,162,44,0,0,0,162,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,255,253,101,26,70,70,187,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,253,241,225,253,254,253,253,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,253,253,253,253,254,179,107,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,244,182,144,236,13,0,0,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,250,253,253,253,158,177,177,178,210,133,67,139,138,6,0,0,0,0,0,0,0,0,0,0,0,0,0,36,149,175,253,253,253,253,253,254,198,127,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,10,10,30,73,121,11,56,100,253,253,253,189,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,202,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,206,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,162,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,200,253,253,164,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,207,254,254,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,253,247,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,253,253,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,253,162,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,206,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,151,194,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,215,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,236,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,99,0,0,0,13,96,75,112,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,96,0,0,46,232,186,86,192,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,143,0,3,222,135,6,4,170,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,205,0,61,217,0,0,134,188,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,39,78,217,3,120,228,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,239,136,83,223,143,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,236,192,254,234,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,128,191,255,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,128,255,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,128,255,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,128,255,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,64,128,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,64,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,128,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,128,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,64,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,138,176,255,254,254,195,150,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,195,253,253,192,160,160,160,252,253,253,181,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,250,145,65,4,0,0,0,10,89,188,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,193,0,0,0,0,0,0,0,0,49,230,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,10,0,0,0,0,0,0,0,0,0,182,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,186,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,224,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,240,241,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,200,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,250,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,166,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,96,246,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,213,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,198,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,86,114,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,57,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,29,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,141,0,0,0,0,0,0,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,29,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,170,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,198,255,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,29,0,0,57,198,255,57,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,170,255,255,86,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,86,170,57,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,117,241,192,141,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,170,225,233,196,197,234,224,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,244,142,37,0,0,119,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,246,252,25,0,0,0,26,243,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,206,63,0,0,0,0,41,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,93,0,0,0,0,0,216,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,51,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,231,125,176,225,50,51,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,188,225,225,114,38,10,229,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,36,15,43,43,130,148,104,148,148,236,193,113,96,148,25,0,0,0,0,0,0,0,0,0,0,0,0,106,243,211,252,252,252,253,252,252,252,252,253,252,252,231,72,0,0,0,0,0,0,0,0,0,0,20,197,241,253,252,252,252,252,253,252,252,252,252,241,231,178,121,18,0,0,0,0,0,0,0,0,0,22,202,252,252,253,252,221,189,189,84,84,84,84,84,35,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,86,42,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,175,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,253,252,221,120,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,253,252,252,252,236,154,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,93,189,189,227,252,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,42,138,217,252,253,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,255,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,78,0,0,0,0,0,0,97,218,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,134,0,0,0,0,0,0,0,92,247,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,126,0,0,0,0,0,0,0,0,163,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,170,0,0,0,0,0,0,0,0,85,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,227,104,43,29,0,0,0,43,227,250,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,231,190,190,190,227,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,99,252,252,252,253,252,252,252,252,253,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,93,189,242,253,252,252,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,209,252,252,252,208,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,75,254,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,62,0,0,0,0,0,75,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,214,217,0,0,0,0,0,148,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,217,0,0,0,0,0,124,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,217,0,0,0,0,0,75,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,196,0,0,0,0,0,75,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,125,50,50,50,50,50,171,254,254,225,174,123,4,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,254,254,254,254,254,254,254,254,254,254,254,151,6,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,254,254,254,254,254,254,254,224,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,244,231,254,254,254,202,240,254,188,32,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,55,47,37,55,55,55,14,102,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,222,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,255,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,207,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,87,210,253,253,255,253,162,143,120,34,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,138,203,252,252,252,252,253,252,252,252,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,231,67,44,44,44,44,44,99,252,252,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,46,0,0,0,0,20,37,212,252,252,247,143,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,137,241,253,252,231,187,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,231,252,252,242,88,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,252,167,131,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,220,252,222,154,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,252,252,245,187,97,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,114,190,253,252,252,164,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,187,248,253,253,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,216,252,252,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,218,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,184,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,117,0,0,0,7,89,213,251,250,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,243,45,45,140,210,252,252,229,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,252,252,252,252,253,252,188,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,252,252,128,33,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,9,9,9,9,36,9,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,97,128,234,254,254,254,254,254,254,254,215,180,161,125,97,97,41,0,0,0,0,0,0,0,0,0,0,158,254,254,254,254,254,249,254,246,246,254,254,254,254,254,254,254,234,72,0,0,0,0,0,0,0,0,0,152,254,198,72,89,67,45,67,35,33,67,67,129,214,238,254,254,254,175,0,0,0,0,0,0,0,0,0,2,61,0,0,0,0,0,0,0,0,0,0,6,119,228,254,254,247,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,129,209,254,254,227,202,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,86,201,246,254,254,247,125,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,158,244,254,254,254,254,254,169,169,183,176,122,68,1,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,254,254,254,254,254,254,254,254,254,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,245,254,254,254,215,249,214,188,125,219,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,37,37,37,6,33,5,67,211,252,254,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,128,185,251,254,254,202,146,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,101,157,250,254,254,240,146,89,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,101,185,234,254,254,254,241,145,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,150,213,236,254,254,254,254,198,117,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,250,254,254,254,254,160,33,16,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,208,254,192,96,31,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,86,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,195,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,220,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,253,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,236,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,253,241,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,219,13,47,97,230,231,163,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,221,253,253,253,254,253,207,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,254,253,253,253,254,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,254,254,254,241,142,93,78,245,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,199,60,0,0,170,253,189,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,177,17,0,0,9,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,194,34,0,9,184,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,236,71,203,254,255,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,128,253,248,243,253,253,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,254,253,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,220,202,152,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,255,115,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,213,158,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,247,237,188,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,113,180,253,253,253,253,253,253,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,52,209,241,253,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,172,253,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,106,253,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,111,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,253,253,253,195,69,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,106,253,253,253,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,208,253,253,253,195,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,224,253,253,253,201,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,207,253,253,253,190,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,227,182,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,245,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,216,22,0,0,0,0,0,10,36,36,36,36,20,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,209,56,24,48,115,115,115,152,253,253,253,253,190,107,0,0,0,0,0,0,0,0,0,0,0,147,252,253,242,222,205,218,253,253,253,253,253,253,244,211,60,56,0,0,0,0,0,0,0,0,0,0,0,0,146,210,253,253,253,253,253,253,253,226,156,156,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,192,193,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,133,249,161,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,246,254,254,254,237,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,248,254,241,205,249,254,246,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,246,254,200,30,0,51,208,254,251,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,254,176,17,0,0,0,18,221,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,236,208,65,0,0,0,0,0,108,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,17,0,0,0,0,0,11,188,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,157,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,116,168,240,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,254,254,254,254,254,242,107,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,224,203,133,144,225,254,254,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,1,0,0,0,5,155,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,159,254,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,96,27,0,0,0,0,0,0,13,151,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,238,181,117,38,39,117,149,221,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,254,254,254,254,254,254,251,109,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,79,165,222,254,254,254,217,165,165,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,255,253,253,253,255,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,253,252,252,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,252,252,252,252,108,108,108,108,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,108,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,220,15,0,0,0,0,135,247,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,215,215,102,0,0,0,0,105,253,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,253,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,211,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,252,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,76,240,147,61,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,241,249,159,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,83,0,126,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,238,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,254,254,111,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,246,226,54,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,128,204,254,254,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,54,127,254,254,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,231,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,229,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,141,141,248,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,254,248,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,192,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,77,180,255,243,234,221,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,245,254,254,254,254,254,254,221,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,247,254,222,184,162,210,254,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,71,40,15,0,0,32,254,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,145,254,253,143,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,241,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,254,234,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,254,254,240,141,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,254,254,254,254,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,65,149,248,254,254,240,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,223,254,254,195,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,227,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,254,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,31,0,0,0,0,0,0,0,74,246,254,186,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,238,149,27,0,0,36,52,167,244,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,237,205,205,248,254,254,254,217,115,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,173,249,254,254,254,254,247,245,207,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,52,164,252,202,118,40,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,164,56,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,229,253,253,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,40,214,253,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,119,240,249,249,249,249,248,88,8,0,125,253,218,0,0,0,0,0,0,0,0,0,0,0,0,7,130,247,253,253,253,253,253,253,253,253,212,138,178,253,218,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,253,253,253,253,253,253,253,253,254,253,219,0,0,0,0,0,0,0,0,0,0,0,47,247,253,252,170,88,39,39,39,59,138,138,230,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,56,253,236,91,0,0,0,0,0,0,0,0,76,253,253,253,228,46,0,0,0,0,0,0,0,0,0,0,56,253,188,0,0,0,0,0,0,0,1,49,222,253,251,236,254,243,28,0,0,0,0,0,0,0,0,0,56,253,188,0,0,0,0,0,0,16,123,253,253,253,158,24,128,233,240,39,0,0,0,0,0,0,0,0,56,253,223,85,0,0,0,34,112,237,253,254,253,136,10,0,0,15,20,5,0,0,0,0,0,0,0,0,36,238,253,248,189,189,189,250,253,253,253,253,171,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,254,253,253,253,253,254,245,167,47,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,80,240,253,253,253,198,117,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,85,86,85,86,85,254,139,86,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,253,254,253,254,253,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,169,224,253,251,253,251,253,251,253,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,255,253,254,253,254,253,254,253,169,56,0,0,169,168,254,253,254,139,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,138,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,114,0,0,0,0,0,0,0,57,225,254,253,169,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,168,253,251,225,56,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,254,253,254,139,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,254,253,254,84,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,253,251,253,196,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,254,253,254,253,57,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,139,251,253,251,225,56,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,169,168,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,254,139,141,139,141,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,253,251,253,251,253,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,253,254,253,254,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,251,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,182,153,144,62,34,34,34,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,253,253,255,253,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,44,44,112,184,253,254,253,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,227,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,242,210,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,81,206,231,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,44,0,0,0,0,0,54,223,204,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,165,0,0,0,0,0,0,80,249,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,172,2,0,0,0,0,0,0,137,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,70,0,0,0,0,0,0,133,241,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,246,35,0,0,0,0,0,220,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,241,69,2,0,0,92,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,120,20,0,167,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,133,233,253,217,188,242,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,143,254,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,34,43,144,182,206,254,221,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,55,50,67,178,197,253,253,253,253,253,253,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,246,242,253,254,253,253,253,253,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,254,248,231,243,253,253,238,102,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,107,198,102,88,65,22,207,253,234,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,202,253,234,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,238,253,253,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,137,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,95,85,33,158,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,250,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,56,246,253,195,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,213,253,253,171,36,0,0,0,0,0,0,0,0,0,0,0,0,16,151,232,212,0,4,12,31,122,218,245,253,253,175,8,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,245,155,189,253,253,253,253,255,242,118,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,253,253,253,253,253,253,220,162,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,253,253,253,253,152,124,33,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,123,254,254,254,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,115,253,253,253,253,253,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,253,253,253,240,235,240,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,253,253,236,140,28,0,31,225,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,162,253,253,227,31,0,0,0,0,205,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,216,30,0,0,0,0,186,253,174,161,110,3,0,0,0,0,0,0,0,0,0,0,0,0,16,235,253,253,253,236,167,167,74,10,81,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,60,210,253,253,253,253,253,253,191,199,253,253,253,208,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,152,207,253,253,253,253,253,253,253,253,183,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,68,155,237,253,253,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,253,253,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,253,217,253,253,183,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,239,253,253,153,25,219,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,201,253,253,154,10,0,78,241,253,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,230,39,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,191,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,217,106,106,106,148,250,253,209,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,253,253,253,253,209,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,253,253,253,253,253,253,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,94,129,223,217,129,87,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,241,19,30,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,253,142,0,124,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,93,0,207,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,228,0,30,237,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,253,160,0,47,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,251,79,0,47,253,253,93,0,0,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,196,0,0,114,253,253,59,0,119,234,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,113,0,0,139,254,254,104,136,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,227,21,51,206,235,253,253,254,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,228,116,165,254,253,253,253,254,232,145,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,253,254,253,253,253,136,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,142,216,228,229,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,15,78,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,162,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,144,236,254,254,254,250,144,62,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,224,189,163,163,187,228,253,138,67,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,107,25,2,0,0,0,27,78,241,254,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,37,0,0,0,0,0,0,0,9,88,247,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,155,122,45,93,100,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,253,253,253,255,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,244,253,253,253,254,253,253,251,221,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,227,244,250,159,34,0,164,243,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,54,67,0,0,0,0,75,210,250,177,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,149,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,143,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,1,12,50,224,253,253,90,0,0,0,0,0,0,0,0,21,198,155,45,30,45,4,20,0,20,26,45,88,163,253,253,253,246,128,13,0,0,0,0,0,0,0,0,9,66,157,177,231,253,193,217,188,217,226,253,253,253,203,176,124,54,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,120,143,162,205,157,143,143,143,37,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,125,192,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,119,216,253,254,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,246,254,254,231,143,160,254,242,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,251,254,254,176,52,0,3,170,242,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,213,251,254,227,55,7,0,0,36,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,254,254,179,50,0,0,0,0,5,32,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,251,254,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,254,176,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,230,20,0,0,0,0,0,0,0,11,80,190,190,180,57,0,0,0,0,0,0,0,0,0,0,0,119,254,149,0,0,0,0,0,0,0,11,156,254,254,254,254,251,85,0,0,0,0,0,0,0,0,0,0,119,254,168,5,0,0,0,0,0,65,193,254,247,192,78,182,254,117,0,0,0,0,0,0,0,0,0,0,119,254,254,25,0,0,0,0,65,233,254,247,115,0,0,151,254,117,0,0,0,0,0,0,0,0,0,0,104,253,254,110,0,0,0,0,197,254,248,115,0,5,115,218,254,117,0,0,0,0,0,0,0,0,0,0,0,161,254,217,34,0,0,0,183,254,234,157,157,170,255,254,233,45,0,0,0,0,0,0,0,0,0,0,0,46,244,254,217,33,0,0,27,202,235,249,254,254,255,233,45,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,254,218,104,14,14,14,108,221,254,254,165,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,250,254,254,254,254,254,254,253,248,231,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,124,164,254,254,224,124,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,116,196,213,174,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,254,254,254,254,199,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,254,237,214,254,254,247,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,67,67,40,89,171,219,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,140,206,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,27,85,201,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,49,6,104,230,231,254,254,189,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,119,254,254,254,254,254,254,254,99,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,254,214,169,155,194,254,179,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,170,159,109,17,3,3,0,2,107,187,233,250,106,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,166,246,210,13,0,0,0,0,0,0,0,0,0,0,0,0,91,161,0,0,0,0,0,0,0,0,0,0,65,237,254,36,0,0,0,0,0,0,0,0,0,0,0,0,141,171,0,0,0,0,0,0,0,0,0,0,0,51,254,36,0,0,0,0,0,0,0,0,0,0,0,0,141,246,27,0,0,0,0,0,0,0,0,0,0,21,254,36,0,0,0,0,0,0,0,0,0,0,0,0,104,237,212,100,9,0,0,0,0,0,0,0,0,21,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,174,43,6,3,7,0,4,11,43,211,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,214,254,216,214,181,218,161,194,254,237,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,150,219,252,150,150,193,150,52,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,237,221,118,118,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,23,180,213,213,213,79,76,76,76,165,213,213,251,253,253,253,253,212,0,0,0,0,0,0,0,0,0,104,211,253,253,253,253,253,253,253,253,253,253,253,253,253,253,214,113,28,0,0,0,0,0,0,0,0,173,247,253,253,253,253,164,249,253,253,253,253,253,253,253,178,82,24,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,200,251,253,253,253,244,239,172,103,14,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,253,253,253,253,216,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,27,27,27,27,109,164,251,253,253,248,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,251,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,235,253,253,235,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,199,107,70,199,252,253,253,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,248,253,253,253,253,253,248,206,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,204,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,214,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,130,50,172,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,192,21,20,0,0,152,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,70,0,0,0,0,51,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,203,20,0,0,0,0,0,102,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,102,0,0,0,0,0,0,102,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,41,0,0,0,0,0,0,41,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,213,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,152,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,171,0,0,0,0,0,0,0,0,233,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,151,0,0,0,0,0,0,0,21,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,192,0,0,0,0,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,102,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,0,0,0,21,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,103,0,0,0,0,0,173,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,203,20,0,0,21,183,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,253,153,152,255,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,253,252,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,253,170,110,109,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,232,252,252,252,253,252,226,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,252,252,253,252,252,252,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,169,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,143,191,252,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,252,252,252,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,253,255,253,237,144,0,94,109,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,207,252,252,253,252,215,0,135,247,252,252,156,10,0,0,0,0,0,0,0,0,0,0,0,0,27,181,252,252,252,252,253,252,241,181,253,252,252,252,253,56,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,252,252,253,252,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,255,253,253,253,255,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,252,253,252,252,252,253,252,241,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,252,231,217,91,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,252,252,252,252,191,108,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,204,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,123,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,168,0,0,0,0,0,48,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,227,43,0,0,0,0,0,141,252,193,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,255,134,0,0,0,0,0,0,0,170,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,84,0,0,0,0,0,0,0,82,240,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,85,252,244,56,0,0,0,0,0,0,0,0,159,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,185,252,225,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,84,0,0,0,0,0,0,0,0,0,226,254,197,0,0,0,0,0,0,0,0,0,0,0,0,197,252,241,47,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,122,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,221,25,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,151,255,253,216,141,13,0,0,0,0,7,104,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,207,94,57,57,120,187,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,196,252,253,252,252,252,253,252,252,177,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,203,252,252,202,140,139,52,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,239,255,253,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,177,241,248,246,191,214,254,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,245,254,242,189,39,0,12,190,254,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,254,218,74,0,0,0,0,24,248,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,254,178,1,0,0,0,2,58,218,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,212,21,0,0,2,95,192,254,254,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,155,0,54,106,188,254,254,221,80,248,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,252,250,252,254,241,171,56,3,0,246,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,242,254,234,195,143,57,0,0,0,76,253,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,31,21,0,0,0,0,0,0,97,254,225,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,180,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,202,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,227,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,250,248,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,125,249,253,215,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,67,177,229,252,218,229,252,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,119,222,252,253,252,252,211,53,231,252,245,55,0,0,0,0,0,0,0,0,0,0,0,0,2,47,171,237,211,218,233,59,74,252,163,0,85,250,252,129,3,0,0,0,0,0,0,0,0,0,0,22,121,252,209,55,29,230,33,0,23,88,4,0,0,159,252,252,57,0,0,0,0,0,0,0,0,0,24,201,245,93,12,0,29,164,21,0,0,0,0,0,0,83,252,252,142,0,0,0,0,0,0,0,0,21,204,248,77,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,142,0,0,0,0,0,0,0,0,162,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,31,252,252,142,0,0,0,0,0,0,0,0,253,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,61,0,0,0,0,0,0,0,0,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,219,19,0,0,0,0,0,0,0,0,255,253,58,0,0,0,0,0,0,0,0,0,0,0,0,12,235,253,66,0,0,0,0,0,0,0,0,0,253,252,106,0,0,0,0,0,0,0,0,0,0,0,0,89,252,241,49,0,0,0,0,0,0,0,0,0,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,131,252,165,0,0,0,0,0,0,0,0,0,0,196,252,153,0,0,0,0,0,0,0,0,0,0,0,111,250,232,4,0,0,0,0,0,0,0,0,0,0,143,252,218,7,0,0,0,0,0,0,0,0,0,63,222,233,55,0,0,0,0,0,0,0,0,0,0,0,57,252,252,135,0,0,0,0,0,0,0,0,35,246,252,126,0,0,0,0,0,0,0,0,0,0,0,0,32,249,252,241,47,0,0,0,0,0,7,118,240,237,60,5,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,231,116,43,0,33,45,210,241,208,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,187,252,252,252,249,187,236,252,243,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,90,142,142,243,233,142,142,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,178,178,103,13,19,29,29,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,207,225,252,252,244,169,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,253,252,252,252,253,252,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,165,252,252,253,252,252,252,253,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,114,113,113,213,192,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,228,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,81,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,255,213,0,0,0,0,92,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,130,0,0,0,0,51,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,50,0,0,0,0,21,223,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,213,10,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,50,0,0,0,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,203,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,213,92,51,0,0,0,183,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,252,253,252,203,162,41,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,203,243,254,253,254,253,254,172,51,51,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,151,232,253,252,253,252,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,254,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,246,251,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,178,255,254,224,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,254,254,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,200,254,247,142,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,215,254,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,254,128,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,215,254,148,3,0,25,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,217,61,61,197,217,243,224,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,244,126,252,254,228,207,254,254,243,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,240,163,42,64,90,51,45,60,175,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,51,0,0,0,0,0,0,0,246,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,246,0,0,0,0,0,0,0,26,249,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,248,22,0,0,0,0,0,2,158,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,240,130,0,0,0,0,0,75,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,243,75,3,8,52,168,245,254,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,208,254,209,215,254,254,254,167,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,212,245,254,254,206,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,43,181,169,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,191,240,220,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,120,176,233,252,253,252,252,169,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,124,224,252,252,252,252,253,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,195,252,252,252,252,246,230,121,121,221,242,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,39,219,252,252,252,250,130,61,0,0,0,39,204,252,222,14,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,252,221,61,0,0,0,0,29,135,250,252,252,108,0,0,0,0,0,0,0,0,0,0,0,36,246,252,252,173,38,0,0,0,0,31,231,249,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,143,252,252,220,34,0,0,0,0,0,72,252,252,252,252,252,243,18,0,0,0,0,0,0,0,0,0,0,143,252,252,39,0,0,0,0,0,34,253,252,252,252,252,252,252,99,0,0,0,0,0,0,0,0,0,0,143,252,252,10,0,0,0,68,144,186,253,252,252,252,252,252,252,99,0,0,0,0,0,0,0,0,0,0,144,253,253,10,0,27,91,253,253,253,255,253,226,106,25,223,253,99,0,0,0,0,0,0,0,0,0,0,115,252,252,179,176,236,252,252,252,252,253,129,13,0,0,198,252,99,0,0,0,0,0,0,0,0,0,0,21,222,252,252,252,252,252,252,252,209,92,13,0,0,0,198,252,207,26,0,0,0,0,0,0,0,0,0,0,36,172,252,252,252,251,230,148,20,0,0,0,0,0,93,252,252,66,0,0,0,0,0,0,0,0,0,0,0,35,145,197,159,84,0,0,0,0,0,0,0,0,31,239,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,236,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,222,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,168,212,254,255,254,246,197,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,223,90,90,90,120,107,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,229,180,59,0,0,0,9,180,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,136,247,140,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,250,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,250,226,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,144,249,203,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,246,237,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,155,249,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,249,167,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,145,254,223,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,185,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,101,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,0,0,0,0,0,0,18,147,254,254,238,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,225,80,0,0,2,53,109,216,254,253,142,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,151,235,177,177,191,254,254,254,240,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,167,197,167,167,109,98,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,50,77,108,153,166,166,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,152,190,242,250,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,251,254,254,254,254,254,254,254,254,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,116,129,176,219,187,185,129,129,129,129,57,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,235,254,190,161,161,115,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,254,254,254,204,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,227,254,254,254,254,254,204,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,44,44,97,197,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,198,254,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,9,0,0,0,0,0,0,0,0,0,169,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,13,0,0,0,0,0,0,0,0,0,108,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,128,6,0,0,0,0,0,0,0,0,127,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,174,55,27,11,0,0,0,8,95,247,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,254,254,237,219,206,174,206,215,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,254,254,254,254,254,254,254,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,89,165,165,165,165,165,165,91,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,228,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,238,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,202,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,217,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,182,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,255,253,255,139,141,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,197,251,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,255,253,254,253,169,225,254,253,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,84,83,0,56,139,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,253,255,139,85,28,29,197,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,196,197,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,253,255,253,254,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,251,84,83,84,196,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,145,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,253,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,254,250,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,206,253,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,245,253,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,94,0,0,0,0,2,13,13,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,36,0,0,2,36,161,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,253,253,36,0,18,163,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,237,29,21,204,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,168,0,138,253,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,233,136,248,253,254,253,253,253,201,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,229,253,253,253,253,253,254,253,241,145,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,253,253,253,254,244,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,253,253,253,253,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,161,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,176,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,236,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,249,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,222,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,224,254,251,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,237,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,243,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,130,114,0,0,0,17,130,251,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,241,253,202,0,0,0,101,254,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,236,19,0,0,51,234,254,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,205,0,0,0,116,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,234,38,0,43,224,253,190,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,253,220,149,224,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,160,220,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,223,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,190,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,247,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,251,160,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,254,254,248,226,195,77,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,254,249,244,244,227,227,177,136,148,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,94,0,0,0,0,0,0,72,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,231,254,140,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,134,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,251,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,188,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,247,181,132,38,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,254,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,106,143,234,254,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,167,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,32,32,0,0,0,0,0,84,207,255,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,242,248,210,245,245,245,245,252,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,216,254,254,254,254,254,254,232,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,66,118,166,254,254,173,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,232,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,141,88,0,0,0,0,0,16,205,238,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,202,247,18,0,0,0,0,0,86,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,244,72,0,0,0,0,0,7,141,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,234,71,0,0,0,0,0,0,111,254,199,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,215,186,0,0,0,0,0,0,34,216,212,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,242,254,159,175,188,165,95,95,95,218,254,133,0,0,0,0,0,0,0,0,0,0,0,0,10,70,223,254,254,254,254,198,188,189,188,215,254,254,211,0,0,0,0,0,0,0,0,0,0,0,0,10,175,254,254,254,230,122,66,4,0,0,0,153,254,247,120,0,0,0,0,0,0,0,0,0,0,0,0,213,254,243,150,98,31,0,0,0,0,0,19,221,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,179,129,19,0,0,0,0,0,0,0,0,195,254,175,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,240,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,212,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,252,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,252,221,96,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,255,218,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,93,93,93,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,252,244,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,253,253,255,253,253,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,133,206,154,214,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,202,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,230,106,0,0,0,0,0,151,252,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,244,61,0,0,0,97,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,253,236,78,47,151,253,252,252,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,253,252,252,252,252,253,252,202,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,252,253,172,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,137,232,147,75,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,170,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,212,252,253,253,239,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,250,253,253,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,249,253,253,253,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,248,253,253,155,67,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,248,253,253,154,9,30,223,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,253,253,198,10,0,16,198,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,231,63,0,0,46,253,253,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,247,253,253,78,0,0,0,46,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,205,253,253,233,38,0,0,0,146,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,144,0,0,0,70,234,253,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,192,13,0,0,13,197,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,168,0,0,12,94,253,253,246,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,247,253,253,148,0,0,66,253,253,246,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,38,0,64,186,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,47,67,234,253,253,248,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,253,200,253,253,253,249,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,253,209,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,251,142,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,173,253,209,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,146,231,255,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,12,39,78,118,231,253,254,197,112,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,247,250,254,254,221,115,30,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,243,241,201,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,136,17,14,14,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,241,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,139,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,223,220,220,220,220,220,151,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,250,254,215,210,181,210,210,245,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,43,5,0,0,0,0,74,226,243,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,244,37,0,0,0,0,0,0,0,0,0,0,0,0,0,97,4,0,0,0,0,0,0,0,0,0,64,240,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,76,0,0,0,0,0,0,0,0,48,223,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,227,47,4,0,0,0,5,9,124,216,254,170,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,212,206,128,91,167,217,254,254,252,141,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,131,245,254,208,152,82,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,236,254,254,254,255,160,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,203,254,196,103,73,70,39,191,237,115,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,221,6,0,0,0,0,5,112,243,169,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,174,0,0,0,0,0,0,0,69,162,167,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,90,0,0,0,0,0,0,0,0,5,246,93,2,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,75,0,0,0,0,0,0,0,0,0,135,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,190,0,0,0,0,0,0,0,0,0,26,218,22,44,77,0,0,0,0,0,0,0,0,0,0,0,23,212,228,15,0,0,0,0,0,0,0,0,0,22,172,252,253,61,0,0,0,0,0,0,0,0,0,0,0,87,254,224,36,0,0,0,0,0,0,0,0,88,254,254,208,5,0,0,0,0,0,0,0,0,0,0,0,24,170,254,239,105,1,0,0,0,0,0,0,172,254,185,34,0,0,0,0,0,0,0,0,0,0,0,0,0,7,94,232,254,210,127,43,106,121,185,199,252,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,24,236,236,252,254,254,252,204,109,248,212,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,149,128,118,0,169,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,196,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,192,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,200,181,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,158,240,253,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,15,158,237,114,0,32,152,237,254,254,254,254,200,149,22,0,0,0,0,0,0,0,0,0,0,0,0,15,223,254,254,226,44,218,254,254,254,254,183,96,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,254,248,202,254,254,223,123,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,254,254,218,14,210,212,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,242,254,148,0,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,210,0,0,0,0,0,0,50,80,158,243,212,157,19,0,0,0,0,0,0,0,0,0,0,0,0,62,254,155,0,0,0,3,71,216,251,254,254,254,229,254,116,0,0,0,0,0,0,0,0,0,0,0,0,62,254,204,9,62,105,207,254,254,254,217,114,29,24,223,235,17,0,0,0,0,0,0,0,0,0,0,0,62,254,249,232,254,254,254,217,174,29,11,0,0,38,230,254,70,0,0,0,0,0,0,0,0,0,0,0,9,162,248,254,249,204,89,11,0,0,0,0,0,168,254,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,38,44,39,0,0,0,0,0,0,0,110,246,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,88,27,79,162,229,254,242,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,202,255,254,254,254,254,245,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,254,254,254,203,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,166,144,79,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,196,254,209,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,253,253,243,244,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,241,107,0,12,232,200,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,253,71,0,0,0,118,243,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,4,0,0,0,0,125,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,210,249,110,1,0,0,0,0,35,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,180,0,0,0,0,0,0,26,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,59,0,0,0,0,0,0,41,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,52,0,0,0,0,0,0,126,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,2,0,0,0,0,0,42,240,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,112,159,159,123,1,0,0,34,222,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,241,253,253,253,253,215,93,0,121,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,206,84,84,122,252,252,130,241,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,124,0,0,0,49,229,254,253,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,124,0,0,0,67,239,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,243,181,10,0,65,244,253,254,253,137,28,134,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,207,189,239,253,179,64,189,236,221,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,150,224,253,254,190,22,0,115,253,229,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,138,54,1,0,0,31,181,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,237,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,214,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,226,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,255,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,226,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,251,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,156,254,255,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,240,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,210,254,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,155,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,164,255,202,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,37,156,252,230,233,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,92,223,254,224,108,13,77,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,220,109,3,0,0,77,254,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,160,19,0,0,0,0,87,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,230,248,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,243,185,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,239,227,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,250,113,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,248,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,230,239,31,0,0,0,0,0,0,0,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,63,0,0,0,0,0,0,35,198,216,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,195,254,9,0,0,1,47,130,197,234,126,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,254,74,68,134,180,254,254,200,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,254,254,234,178,59,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,157,214,173,91,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,147,147,247,232,108,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,247,254,254,254,254,254,163,102,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,254,182,140,48,165,254,254,254,242,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,160,0,0,29,174,254,254,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,229,254,27,0,0,91,254,225,133,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,27,0,0,2,27,17,21,251,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,27,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,27,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,34,0,0,0,0,0,18,211,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,189,254,207,21,0,0,0,44,157,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,154,22,86,162,243,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,252,254,243,253,254,247,177,210,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,195,241,199,126,55,0,97,254,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,4,0,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,151,104,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,248,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,120,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,154,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,245,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,215,253,253,185,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,206,255,253,189,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,254,245,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,175,254,254,220,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,230,253,213,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,255,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,253,189,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,233,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,116,205,255,255,170,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,197,244,193,132,183,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,176,254,169,0,0,63,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,133,2,0,0,48,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,230,199,12,0,0,0,73,254,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,45,0,0,1,61,240,255,225,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,235,152,0,0,0,121,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,255,63,0,12,123,252,161,190,222,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,111,128,221,254,80,48,248,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,255,254,254,184,75,5,181,239,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,159,55,0,0,16,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,250,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,245,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,181,254,254,255,226,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,120,242,254,224,191,236,254,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,149,222,101,26,14,0,52,208,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,212,16,0,0,0,0,14,119,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,107,0,0,12,23,98,220,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,251,231,187,187,222,254,250,248,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,227,254,254,209,127,46,94,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,4,2,0,0,120,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,235,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,220,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,229,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,122,221,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,249,253,254,97,0,0,0,0,0,0,0,111,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,254,97,0,0,0,0,0,0,59,251,228,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,97,0,0,0,0,0,0,99,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,97,0,0,0,0,0,0,103,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,97,0,0,0,0,0,0,207,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,97,0,0,0,0,0,0,207,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,97,0,0,0,0,11,150,251,254,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,241,254,166,0,0,0,20,119,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,223,22,0,83,220,254,254,254,245,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,254,243,239,249,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,193,147,254,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,120,48,18,134,254,254,133,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,254,248,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,239,254,246,76,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,254,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,128,253,255,253,253,253,147,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,241,252,252,253,252,212,179,252,215,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,244,252,247,158,159,103,16,9,205,252,213,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,252,229,37,0,0,0,0,0,88,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,185,47,0,0,0,0,0,0,14,165,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,79,0,0,0,0,0,0,0,15,166,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,79,0,0,0,0,0,0,0,21,116,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,79,0,0,0,0,0,0,0,0,54,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,149,0,0,0,0,0,0,0,0,54,252,250,100,0,0,0,0,0,0,0,0,0,0,0,0,114,133,130,38,0,0,0,0,0,0,0,0,54,252,225,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,199,0,0,0,0,0,0,0,0,0,54,253,93,0,0,0,0,0,0,0,0,0,0,0,0,149,252,252,198,0,0,0,0,0,0,0,0,85,137,252,93,0,0,0,0,0,0,0,0,0,0,0,97,249,252,227,55,0,0,0,0,0,0,0,0,200,252,216,10,0,0,0,0,0,0,0,0,0,0,0,107,252,252,143,0,0,0,0,0,0,0,0,0,200,252,169,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,53,0,0,0,0,0,0,0,0,99,241,238,58,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,81,0,0,0,0,0,0,23,103,242,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,196,32,0,0,3,41,174,206,252,252,220,97,0,0,0,0,0,0,0,0,0,0,0,0,0,96,235,252,252,232,160,160,165,252,253,252,242,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,222,252,252,252,252,252,252,253,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,154,252,252,252,245,189,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,171,254,254,162,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,228,207,207,221,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,116,200,197,21,0,0,13,185,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,220,254,118,0,0,0,0,47,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,161,254,68,0,0,0,0,106,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,250,212,254,17,0,0,0,0,223,241,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,254,93,0,0,0,75,250,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,254,127,0,0,68,254,237,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,210,230,112,154,254,236,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,238,254,254,237,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,254,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,237,237,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,236,51,58,254,205,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,51,0,3,191,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,177,0,0,0,176,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,161,0,0,0,127,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,161,0,0,15,229,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,229,212,34,0,74,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,242,140,229,245,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,136,255,254,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,203,20,0,0,0,0,0,21,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,20,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,233,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,70,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,203,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,253,152,152,152,112,51,51,11,213,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,253,252,253,252,253,252,213,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,21,102,123,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,173,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,77,181,232,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,6,106,137,223,223,244,254,254,253,115,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,141,172,254,254,254,254,254,226,211,107,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,216,173,127,74,111,65,65,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,248,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,254,137,50,87,158,158,119,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,229,254,254,254,254,254,249,124,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,244,201,183,249,254,254,254,108,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,200,103,35,0,0,59,197,254,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,242,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,55,0,0,0,0,0,0,0,184,254,160,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,188,45,0,0,0,0,0,0,239,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,206,100,0,0,0,0,122,252,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,140,254,254,229,141,141,164,254,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,179,254,254,254,254,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,146,229,254,231,60,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,115,253,253,253,255,253,173,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,251,251,251,251,253,251,251,236,91,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,126,126,126,126,173,251,251,251,251,206,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,149,220,251,251,253,209,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,133,251,253,251,204,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,255,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,220,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,212,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,96,155,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,112,205,251,253,251,251,251,251,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,251,251,253,251,251,251,251,206,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,251,251,253,251,251,251,251,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,173,251,251,253,251,251,251,251,253,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,182,253,255,253,205,59,218,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,62,63,62,31,0,39,253,251,251,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,236,251,228,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,144,228,228,163,86,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,250,210,166,134,229,233,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,166,228,212,81,8,0,0,21,36,197,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,132,253,177,62,0,0,0,0,0,0,4,151,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,155,0,0,0,0,0,0,0,0,0,0,221,115,0,0,0,0,0,0,0,0,0,0,0,0,0,218,248,52,0,0,0,0,0,0,0,0,0,0,53,249,36,0,0,0,0,0,0,0,0,0,0,0,20,230,182,0,0,0,0,0,0,0,0,0,0,0,0,183,107,0,0,0,0,0,0,0,0,0,0,0,0,217,144,0,0,0,0,0,0,0,0,0,3,69,186,238,171,0,0,0,0,0,0,0,0,0,0,0,0,217,217,6,0,0,0,0,0,0,4,97,151,253,254,249,85,0,0,0,0,0,0,0,0,0,0,0,0,121,253,169,66,53,91,91,91,118,196,240,201,253,195,63,0,0,0,0,0,0,0,0,0,0,0,0,0,14,167,254,255,254,254,254,254,182,97,37,234,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,50,134,115,63,18,18,0,0,56,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,222,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,247,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,217,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,147,150,204,255,254,254,123,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,218,253,253,253,253,253,253,253,198,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,118,114,61,10,10,78,216,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,15,0,0,0,0,0,0,31,221,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,203,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,230,231,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,236,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,246,232,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,169,253,156,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,223,182,182,139,104,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,252,253,245,248,233,233,249,253,253,250,228,177,125,83,167,32,0,0,0,0,0,0,0,0,0,0,168,253,247,114,49,63,0,0,66,83,119,186,234,253,253,253,253,220,0,0,0,0,0,0,0,0,0,0,244,253,134,0,0,0,0,0,0,0,0,0,26,87,139,186,243,116,0,0,0,0,0,0,0,0,0,0,244,201,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,85,155,228,240,155,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,254,249,171,199,248,209,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,254,140,44,0,0,34,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,235,249,62,11,0,0,0,0,74,250,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,248,60,0,0,0,0,0,0,0,205,212,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,98,0,0,0,0,0,0,0,0,205,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,211,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,234,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,212,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,148,233,96,36,36,59,135,135,135,135,135,135,135,83,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,244,214,254,254,254,254,254,254,254,219,187,164,61,0,0,0,0,0,0,0,0,0,0,0,0,43,241,254,247,209,190,110,110,25,10,10,10,6,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,194,122,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,230,160,70,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,216,238,230,191,167,132,132,132,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,56,126,150,150,192,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,172,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,236,250,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,170,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,235,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,191,197,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,200,212,255,163,150,64,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,253,253,253,253,219,157,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,114,185,217,217,233,253,253,252,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,88,170,252,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,247,251,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,141,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,70,149,236,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,78,158,253,253,253,253,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,253,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,129,165,144,102,165,232,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,249,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,167,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,27,55,13,77,249,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,140,219,232,246,224,239,253,253,244,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,234,253,253,253,253,253,253,236,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,232,233,151,149,137,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,141,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,244,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,199,255,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,255,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,244,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,243,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,183,1,0,1,42,42,144,110,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,181,0,22,135,254,254,254,254,222,193,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,84,0,63,254,254,254,254,254,254,254,247,133,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,110,0,44,210,254,192,176,203,254,254,254,235,26,0,0,0,0,0,0,0,0,0,0,0,0,4,194,254,247,36,0,11,26,6,0,9,26,132,252,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,209,24,0,0,0,0,0,9,101,246,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,254,254,231,131,115,32,114,151,223,254,237,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,237,254,254,254,254,254,254,254,247,165,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,199,254,254,254,214,150,115,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,183,200,105,105,193,105,105,105,105,105,49,0,0,0,0,0,0,0,0,0,0,0,0,15,57,0,0,178,252,252,252,252,253,252,252,252,252,252,228,68,14,0,0,0,0,0,0,0,0,0,0,156,246,94,2,170,252,252,240,237,238,237,237,237,237,247,252,252,155,0,0,0,0,0,0,0,0,0,0,138,252,252,134,51,196,252,128,0,0,0,0,0,0,95,196,252,207,0,0,0,0,0,0,0,0,0,0,7,129,252,252,231,159,33,112,0,0,0,0,0,0,71,238,225,145,0,0,0,0,0,0,0,0,0,0,0,5,74,205,243,252,182,59,0,0,0,0,15,162,230,236,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,231,134,0,0,88,189,252,156,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,14,67,231,252,240,238,247,209,31,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,146,253,252,243,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,228,217,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,228,59,37,220,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,53,0,0,113,250,241,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,221,252,0,0,0,0,153,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,207,0,0,0,0,9,187,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,103,0,0,0,0,0,178,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,182,0,0,0,0,0,178,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,231,252,91,90,90,90,221,248,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,252,252,252,220,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,103,253,252,252,181,103,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,144,228,196,112,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,233,234,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,207,125,240,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,253,253,253,254,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,194,72,72,72,240,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,228,16,0,21,241,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,237,253,54,0,176,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,248,186,192,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,157,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,228,248,207,255,202,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,99,7,202,253,185,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,208,8,0,49,231,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,55,0,0,0,103,250,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,23,0,0,0,0,185,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,173,0,0,0,0,0,128,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,171,8,0,0,0,0,128,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,177,56,24,24,37,177,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,232,253,253,233,234,253,253,206,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,149,233,253,254,233,117,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,130,16,0,0,0,0,63,239,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,205,19,0,0,0,0,193,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,249,60,0,0,0,0,66,251,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,185,0,0,0,0,0,185,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,63,0,0,0,0,0,193,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,31,0,0,0,0,3,197,240,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,31,0,0,0,0,42,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,31,0,0,0,0,89,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,31,0,44,53,135,253,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,160,167,246,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,254,227,230,191,68,148,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,62,22,26,0,0,146,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,224,239,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,226,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,163,255,254,254,215,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,243,253,199,115,121,222,253,152,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,172,248,179,36,0,0,0,16,191,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,146,12,0,0,0,0,0,181,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,181,11,0,0,0,0,0,7,207,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,234,45,0,0,0,0,0,11,86,254,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,248,129,0,0,0,0,0,0,172,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,91,0,0,0,0,0,106,248,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,64,249,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,181,39,0,0,33,228,233,207,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,202,118,112,228,255,115,128,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,253,253,253,233,115,2,128,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,88,171,177,81,0,0,205,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,241,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,233,252,253,155,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,239,253,252,227,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,190,189,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,177,253,255,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,223,252,223,224,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,240,252,145,25,25,189,192,157,209,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,251,96,3,0,0,161,249,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,241,0,0,0,0,0,209,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,154,0,0,0,0,0,123,252,209,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,31,0,0,0,0,85,221,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,41,0,0,0,108,223,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,216,78,78,173,253,252,252,236,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,252,252,252,252,239,124,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,220,187,111,0,67,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,148,225,238,229,255,229,252,174,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,123,230,237,195,148,148,124,214,254,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,243,137,17,0,0,0,0,60,60,183,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,115,0,0,0,0,0,0,0,23,202,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,171,0,0,0,0,0,75,52,206,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,82,0,0,59,183,252,216,249,101,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,249,159,145,236,254,252,151,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,156,254,254,241,169,87,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,197,254,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,236,245,210,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,214,64,71,216,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,165,0,0,32,217,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,132,0,0,0,30,244,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,77,0,0,0,0,103,248,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,77,0,0,0,0,0,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,77,0,0,0,0,0,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,220,67,0,0,0,77,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,237,238,141,57,78,235,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,236,254,254,254,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,173,189,161,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,57,57,57,57,57,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,110,215,252,253,252,252,252,253,240,197,197,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,252,140,139,139,139,140,215,252,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,143,13,0,0,0,0,0,0,38,113,242,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,81,0,0,0,0,0,0,0,0,0,47,196,224,44,0,0,0,0,0,0,0,0,0,0,0,0,128,252,196,47,0,0,0,0,0,0,0,0,0,113,196,190,0,0,0,0,0,0,0,0,0,0,0,0,4,178,252,240,51,0,0,0,0,0,0,0,0,0,10,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,250,254,178,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,224,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,130,234,252,185,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,190,253,209,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,244,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,0,0,0,0,0,0,0,0,0,0,0,0,114,38,0,0,0,0,0,0,114,113,113,113,176,243,252,202,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,253,254,253,253,253,254,253,253,253,251,225,187,13,0,0,0,0,0,0,0,0,0,0,0,0,60,196,196,196,197,196,196,196,197,196,196,145,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,254,254,67,175,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,253,253,244,249,253,253,247,242,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,242,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,253,253,253,253,253,253,253,253,254,253,239,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,53,53,212,253,253,253,253,253,254,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,66,66,66,66,165,254,253,253,232,187,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,162,253,253,253,253,236,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,160,253,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,160,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,162,253,253,234,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,255,240,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,245,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,214,253,253,247,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,229,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,240,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,184,195,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,220,252,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,244,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,227,200,148,104,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,155,216,253,252,252,252,252,253,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,57,234,252,244,152,56,29,21,118,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,121,0,0,0,43,142,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,155,7,0,0,62,239,252,253,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,253,190,0,0,50,245,253,253,230,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,237,67,15,185,252,252,217,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,200,148,252,252,247,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,253,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,253,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,192,253,253,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,211,252,252,252,253,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,192,252,252,252,190,253,252,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,253,252,252,183,14,183,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,253,252,190,14,0,148,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,254,107,0,0,0,148,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,239,42,0,0,36,227,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,252,252,215,15,73,153,241,253,252,171,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,215,253,224,246,252,252,253,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,147,226,252,252,252,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,97,175,240,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,77,191,246,150,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,173,254,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,114,233,241,103,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,225,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,100,228,252,154,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,202,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,248,238,130,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,101,249,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,237,80,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,160,138,254,228,131,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,233,254,254,33,3,100,225,254,249,230,130,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,27,0,0,6,87,172,251,254,221,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,27,0,0,0,0,0,46,97,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,251,254,211,13,0,0,0,0,0,0,9,214,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,229,18,0,0,0,0,0,0,60,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,27,0,0,0,0,0,19,222,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,254,133,0,0,0,0,0,142,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,226,254,165,0,0,0,0,96,250,254,227,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,244,0,0,0,0,201,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,126,38,81,136,93,18,18,18,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,253,253,253,253,253,253,253,188,154,60,5,0,0,0,0,0,0,0,0,0,0,0,0,40,95,244,253,223,200,200,200,200,200,252,253,253,253,253,135,4,0,0,0,0,0,0,0,0,0,10,97,237,253,253,160,29,0,0,0,0,0,63,65,141,200,253,253,106,0,0,0,0,0,0,0,0,7,167,253,253,181,151,29,0,0,0,0,0,0,0,0,0,12,86,200,232,0,0,0,0,0,0,0,0,172,253,253,140,19,0,0,0,0,0,0,0,0,0,0,0,0,0,59,147,0,0,0,0,0,0,0,0,255,253,253,157,28,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,230,246,253,253,206,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,182,246,253,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,247,253,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,247,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,204,253,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,249,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,26,0,0,0,0,0,3,171,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,86,35,0,0,0,24,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,234,183,183,73,190,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,132,232,253,253,253,253,253,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,200,153,200,153,133,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,228,137,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,158,254,254,254,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,226,111,242,254,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,248,98,0,108,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,133,0,0,15,221,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,113,0,0,0,109,254,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,249,5,0,0,0,94,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,171,0,0,0,0,0,232,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,216,254,11,0,0,0,0,0,212,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,179,4,0,0,0,0,0,114,255,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,227,48,0,0,0,0,0,0,26,251,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,122,0,0,0,0,0,0,0,0,250,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,161,5,0,0,0,0,0,0,0,104,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,174,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,30,30,75,245,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,115,222,254,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,218,116,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,254,254,254,254,254,254,198,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,254,176,54,35,151,165,254,172,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,179,109,4,0,0,0,2,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,0,0,0,0,0,0,0,0,0,0,0,63,255,98,0,0,0,0,0,0,0,0,0,0,0,0,16,190,217,154,0,0,0,0,0,0,0,0,0,62,253,242,62,0,0,0,0,0,0,0,0,0,0,0,37,252,252,179,0,0,0,0,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,120,252,252,97,0,0,0,0,0,0,0,0,21,206,253,252,71,0,0,0,0,0,0,0,0,0,0,32,211,252,252,35,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,73,252,252,252,77,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,73,252,252,252,190,32,0,0,0,0,0,0,0,58,252,253,252,71,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,236,144,0,0,0,0,0,0,181,252,253,210,31,0,0,0,0,0,0,0,0,0,0,42,222,253,253,253,253,253,255,253,253,253,255,253,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,57,210,252,252,252,252,253,252,252,252,253,252,252,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,11,31,71,195,215,236,253,252,252,252,253,252,252,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,108,108,108,108,232,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,252,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,168,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,210,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,176,255,152,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,53,0,0,0,0,0,0,156,254,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,167,169,0,0,0,0,0,44,237,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,254,101,0,0,0,0,0,160,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,215,0,0,0,0,0,13,232,227,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,248,81,0,0,0,0,0,163,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,128,0,0,58,79,148,222,251,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,159,201,224,254,254,254,254,245,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,254,235,139,145,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,237,202,86,22,0,224,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,61,0,0,0,0,44,246,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,242,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,248,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,157,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,226,172,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,246,254,255,254,254,254,254,245,101,101,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,164,229,253,253,253,253,253,253,253,253,253,253,251,134,9,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,253,235,107,107,107,107,107,107,107,231,253,253,45,0,0,0,0,0,0,0,0,0,0,102,247,253,239,160,15,6,0,0,0,0,0,0,0,123,253,253,45,0,0,0,0,0,0,0,0,0,0,200,253,239,88,0,0,0,0,0,0,0,0,0,18,222,253,236,38,0,0,0,0,0,0,0,0,0,0,91,115,73,0,0,0,0,0,0,0,0,0,0,116,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,253,194,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,231,253,245,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,131,239,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,147,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,230,250,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,250,239,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,169,210,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,157,253,253,221,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,235,253,247,191,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,60,228,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,187,253,253,253,220,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,242,253,253,246,120,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,123,253,201,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,117,132,132,255,242,116,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,158,252,252,252,253,252,252,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,118,96,96,236,252,247,240,229,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,59,0,24,213,252,135,79,238,228,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,225,181,215,253,206,27,0,152,252,188,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,100,242,252,252,215,77,0,0,15,207,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,48,48,23,0,0,0,0,96,252,188,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,206,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,230,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,169,71,30,0,0,0,0,0,0,84,252,236,29,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,252,252,225,181,124,58,0,0,41,198,252,82,0,0,0,0,0,0,0,0,0,0,0,0,19,230,252,252,252,252,252,252,252,250,181,73,193,252,231,34,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,223,67,48,94,167,167,253,252,252,252,232,62,0,0,0,0,0,0,0,0,0,0,0,0,0,15,216,252,252,225,120,97,9,0,195,252,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,125,252,252,252,252,231,229,253,252,252,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,166,252,252,252,252,253,252,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,168,246,255,254,254,254,184,128,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,242,253,254,254,254,254,254,254,254,254,213,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,242,254,254,110,95,65,65,124,135,239,254,243,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,93,99,10,0,0,0,0,0,127,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,216,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,223,248,125,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,108,238,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,123,213,254,254,254,201,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,254,254,254,237,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,240,254,234,215,215,245,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,31,77,24,0,0,37,164,254,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,2,0,0,0,0,0,0,0,0,30,241,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,83,0,0,0,0,0,0,0,21,202,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,216,61,2,0,0,0,0,20,202,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,144,16,0,7,69,218,254,239,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,177,254,254,214,181,218,254,254,210,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,207,254,254,254,254,253,167,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,101,185,179,124,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,210,149,148,139,43,43,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,254,253,253,253,253,254,206,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,236,127,162,134,127,127,189,232,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,124,253,225,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,253,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,0,0,0,100,248,253,138,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,57,22,145,248,253,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,254,253,186,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,192,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,96,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,180,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,249,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,179,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,178,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,245,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,243,59,0,0,0,19,63,106,187,187,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,221,20,0,51,103,211,254,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,185,254,149,15,103,240,254,254,254,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,246,215,254,254,254,254,189,201,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,254,190,133,43,9,88,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,100,10,0,0,0,88,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,206,27,0,0,0,88,254,166,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,254,254,255,254,237,231,194,207,239,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,254,254,254,254,254,254,254,254,254,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,254,254,254,254,254,254,254,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,88,130,157,254,254,218,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,213,21,0,0,41,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,142,0,123,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,233,41,82,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,172,30,41,243,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,0,0,72,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,82,41,233,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,173,173,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,212,172,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,151,21,142,254,253,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,111,0,0,71,232,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,0,0,0,41,234,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,51,232,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,112,0,0,0,0,0,102,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,192,0,0,0,0,0,61,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,163,0,0,0,0,62,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,243,122,0,0,21,162,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,243,255,172,214,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,151,232,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,157,255,254,212,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,254,254,248,143,91,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,245,254,254,254,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,245,218,247,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,126,0,108,254,254,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,107,0,155,254,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,107,93,240,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,200,210,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,254,254,254,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,240,254,254,254,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,203,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,254,251,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,221,254,254,254,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,220,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,200,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,181,254,254,151,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,254,254,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,210,254,255,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,254,242,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,249,21,100,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,251,254,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,236,166,253,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,240,254,196,52,0,250,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,233,254,254,71,0,31,252,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,249,252,254,93,35,218,254,211,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,91,224,254,176,223,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,254,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,238,233,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,251,222,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,239,192,141,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,93,51,239,198,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,154,0,0,155,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,98,0,0,66,250,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,191,12,0,0,0,211,240,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,47,0,0,0,0,137,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,93,177,221,206,137,201,254,139,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,172,254,226,195,206,254,254,254,254,190,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,226,87,13,0,16,229,254,151,60,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,242,77,0,0,34,183,254,154,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,150,0,0,47,231,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,251,145,9,125,248,254,173,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,233,215,201,254,242,120,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,244,132,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,89,171,254,255,254,254,148,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,203,253,253,237,174,135,165,251,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,224,216,107,78,18,0,0,25,240,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,184,10,0,0,0,0,26,210,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,60,0,0,0,0,61,207,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,196,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,250,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,158,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,226,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,112,254,244,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,95,224,253,209,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,0,19,79,146,217,253,254,141,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,234,239,253,253,247,213,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,155,216,245,155,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,251,158,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,243,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,222,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,253,231,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,148,251,253,251,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,236,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,251,236,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,164,253,251,251,251,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,251,251,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,174,225,71,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,123,254,254,254,254,194,105,105,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,196,193,193,194,243,253,232,209,104,29,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,243,233,89,5,0,0,0,74,89,159,251,253,206,18,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,152,0,0,0,0,0,0,0,0,153,253,253,206,28,0,0,0,0,0,0,0,0,0,0,18,191,253,142,9,0,0,0,0,0,0,0,0,9,135,218,253,103,0,0,0,0,0,0,0,0,0,0,166,253,253,29,0,0,0,0,0,0,0,0,0,0,0,120,251,213,13,0,0,0,0,0,0,0,0,0,209,253,189,14,0,0,0,0,0,0,0,0,0,0,0,0,239,253,104,0,0,0,0,0,0,0,0,100,251,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,104,0,0,0,0,0,0,0,0,105,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,218,0,0,0,0,0,0,0,0,105,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,0,0,0,0,0,0,0,0,167,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,255,0,0,0,0,0,0,0,0,130,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,253,129,0,0,0,0,0,0,0,0,105,253,89,0,0,0,0,0,0,0,0,0,0,0,0,2,142,253,224,37,0,0,0,0,0,0,0,0,105,253,159,0,0,0,0,0,0,0,0,0,0,0,36,135,253,253,137,0,0,0,0,0,0,0,0,0,105,253,238,0,0,0,0,0,0,0,0,0,0,36,128,253,253,226,42,0,0,0,0,0,0,0,0,0,105,253,240,16,0,0,0,0,0,0,0,25,128,214,253,253,237,56,0,0,0,0,0,0,0,0,0,0,105,253,253,133,0,0,0,0,0,80,135,233,253,253,253,237,56,0,0,0,0,0,0,0,0,0,0,0,6,212,253,247,107,90,169,239,239,247,255,253,253,210,120,12,0,0,0,0,0,0,0,0,0,0,0,0,0,84,237,253,253,253,253,253,253,253,254,216,111,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,253,253,200,104,104,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,86,114,170,170,198,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,198,255,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,198,141,86,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,226,255,255,114,86,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,57,255,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,226,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,0,0,0,0,0,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,86,0,0,0,0,0,0,141,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,198,29,0,0,29,114,226,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,198,226,255,255,255,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,177,254,254,222,138,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,128,199,199,238,254,218,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,95,232,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,58,3,0,0,0,74,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,166,0,0,0,120,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,171,0,0,146,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,84,252,204,16,234,220,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,149,254,229,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,158,254,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,255,238,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,208,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,244,234,7,164,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,251,75,0,8,210,232,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,233,235,0,0,0,134,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,203,0,0,0,218,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,145,0,0,62,242,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,144,0,16,234,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,190,14,164,254,209,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,250,219,254,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,137,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,138,149,253,253,159,191,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,252,253,244,219,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,228,252,252,189,184,110,172,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,153,45,4,9,122,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,231,37,0,0,181,252,252,157,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,253,253,253,253,255,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,206,206,244,252,253,223,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,185,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,4,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,79,129,188,254,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,147,254,254,254,254,248,194,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,56,194,254,254,218,148,214,197,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,254,254,254,152,59,0,164,254,246,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,247,153,9,0,0,205,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,209,198,13,0,0,0,43,249,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,254,122,0,0,0,0,171,232,197,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,136,22,0,0,0,92,248,245,167,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,250,250,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,186,254,162,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,254,254,171,0,0,0,0,0,0,0,0,0,48,49,49,0,0,0,0,0,0,0,0,0,0,2,137,254,254,254,175,20,20,32,69,38,84,121,208,248,252,241,190,0,0,0,0,0,0,0,0,0,0,4,254,254,254,254,254,254,254,181,249,254,254,215,219,209,111,39,6,0,0,0,0,0,0,0,0,0,0,1,117,198,254,233,211,230,182,200,162,169,84,101,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,4,3,2,3,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,243,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,252,252,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,155,233,183,79,86,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,235,64,0,0,66,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,243,60,0,0,53,191,157,6,0,0,116,116,32,0,0,0,0,0,0,0,0,0,0,0,0,7,108,253,106,0,0,9,181,221,0,49,180,253,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,70,252,231,0,0,0,166,252,151,161,228,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,168,0,13,70,220,252,253,252,252,252,252,173,25,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,208,215,252,252,252,253,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,158,252,253,231,137,137,32,44,252,252,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,11,202,253,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,255,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,250,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,111,0,0,0,0,0,0,0,52,69,169,192,147,42,0,0,0,0,0,0,0,0,0,0,0,0,7,253,111,0,0,0,0,0,17,166,240,253,253,253,253,232,199,14,0,0,0,0,0,0,0,0,0,0,7,253,111,0,0,0,0,16,179,233,172,76,49,49,49,158,246,208,10,0,0,0,0,0,0,0,0,0,7,253,153,0,0,0,15,180,253,148,0,0,0,0,0,0,127,253,115,0,0,0,0,0,0,0,0,0,4,210,235,0,0,0,44,253,160,10,0,0,0,0,0,0,16,238,135,0,0,0,0,0,0,0,0,0,0,89,251,140,0,0,93,253,74,0,0,0,0,0,0,0,42,243,135,0,0,0,0,0,0,0,0,0,0,8,207,239,41,0,167,208,7,0,0,0,0,0,0,42,228,207,19,0,0,0,0,0,0,0,0,0,0,0,80,207,243,175,247,203,0,0,0,0,0,0,141,243,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,19,135,210,253,251,154,119,119,215,242,242,252,207,23,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,27,129,217,253,253,217,129,87,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,105,132,132,132,248,255,253,178,110,13,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,177,252,252,252,252,252,252,253,252,252,252,252,221,105,15,0,0,0,0,0,0,0,0,0,0,0,12,202,252,252,224,216,216,216,216,211,108,216,216,224,252,252,216,15,0,0,0,0,0,0,0,0,0,0,0,128,124,84,20,0,0,0,0,0,0,0,0,20,119,243,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,185,253,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,252,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,243,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,59,183,254,255,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,253,253,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,253,252,165,239,251,242,166,43,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,233,124,0,0,89,244,253,253,129,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,253,134,0,0,0,0,51,172,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,211,25,0,0,0,0,0,12,160,251,251,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,65,0,0,0,0,0,0,0,0,121,252,229,67,1,0,0,0,0,0,0,0,0,0,0,0,26,233,253,65,0,0,0,0,0,0,0,0,0,160,253,253,5,0,0,0,0,0,0,0,0,0,0,0,76,253,232,33,0,0,0,0,0,0,0,0,0,23,207,253,159,5,0,0,0,0,0,0,0,0,0,0,76,253,187,0,0,0,0,0,0,0,0,0,0,0,66,253,253,75,0,0,0,0,0,0,0,0,0,0,76,253,102,0,0,0,0,0,0,0,0,0,0,0,66,253,253,75,0,0,0,0,0,0,0,0,0,0,177,251,50,0,0,0,0,0,0,0,0,0,0,0,66,253,253,75,0,0,0,0,0,0,0,0,0,0,184,248,0,0,0,0,0,0,0,0,0,0,0,0,91,253,206,26,0,0,0,0,0,0,0,0,0,0,184,248,0,0,0,0,0,0,0,0,0,0,0,64,238,253,72,0,0,0,0,0,0,0,0,0,0,0,172,253,110,0,0,0,0,0,0,0,0,0,23,194,246,136,3,0,0,0,0,0,0,0,0,0,0,0,76,253,210,0,0,0,0,0,0,0,0,16,218,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,246,54,0,0,0,0,0,0,9,184,253,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,169,29,0,0,3,33,119,243,246,92,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,253,218,158,108,183,253,253,187,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,242,253,253,246,123,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,161,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,227,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,200,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,115,0,0,0,0,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,103,0,0,0,0,215,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,48,0,0,0,0,215,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,136,41,41,43,140,237,212,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,60,105,85,5,28,231,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,231,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,231,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,255,147,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,249,214,118,118,141,248,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,253,253,253,253,246,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,240,253,60,123,229,253,253,253,253,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,209,22,0,196,253,233,65,25,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,220,187,128,246,232,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,244,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,253,240,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,169,98,238,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,243,253,51,0,84,239,180,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,199,16,0,0,159,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,175,0,0,0,18,201,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,175,0,0,0,0,176,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,183,6,0,0,0,176,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,134,15,5,47,222,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,232,253,253,225,169,253,253,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,224,252,253,253,253,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,224,253,226,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,151,236,254,254,226,255,254,202,118,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,183,174,29,99,6,8,33,117,221,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,241,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,244,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,225,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,224,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,203,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,222,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,233,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,139,223,204,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,37,126,126,167,222,252,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,174,211,254,254,254,254,254,254,169,166,254,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,254,199,153,101,83,78,4,1,69,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,168,5,0,0,0,0,0,0,116,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,204,21,0,0,0,0,0,0,0,202,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,5,0,0,0,0,0,0,0,63,253,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,245,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,234,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,140,0,0,0,0,0,0,0,0,0,0,0,0,20,121,115,0,0,0,0,0,0,0,0,0,0,0,185,140,0,0,0,0,0,0,0,0,0,0,0,0,160,254,250,65,0,0,0,0,0,0,0,0,0,0,185,205,0,0,0,0,0,0,0,0,0,0,0,5,188,254,227,13,0,0,0,0,0,0,0,0,0,0,185,249,0,0,0,0,0,0,0,0,0,0,0,28,254,254,230,19,0,0,0,0,0,0,0,0,0,0,185,254,92,0,0,0,0,0,0,0,0,0,0,176,254,254,217,0,0,0,0,0,0,0,0,0,0,0,185,254,178,13,0,0,0,0,0,0,0,12,91,251,254,235,45,0,0,0,0,0,0,0,0,0,0,0,102,254,254,176,47,0,0,0,0,0,82,173,254,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,7,172,254,254,245,213,126,126,148,234,253,254,254,254,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,42,111,217,254,254,254,254,254,254,203,236,254,237,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,162,233,254,195,123,4,168,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,16,6,0,21,249,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,192,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,93,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,215,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,109,109,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,94,217,218,247,252,252,253,222,114,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,99,242,252,252,253,220,215,215,217,226,252,211,37,5,0,0,0,0,0,0,0,0,0,0,0,1,21,206,252,252,252,252,191,15,0,0,0,31,128,252,253,119,1,0,0,0,0,0,0,0,0,0,0,73,252,252,252,158,123,0,0,0,0,0,0,0,0,83,191,252,71,0,0,0,0,0,0,0,0,0,32,207,252,252,118,5,0,0,0,0,0,0,0,0,0,0,109,252,71,0,0,0,0,0,0,0,0,0,212,252,252,148,0,0,0,0,0,0,0,0,0,0,0,21,129,210,52,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,62,170,252,215,0,0,0,0,0,0,0,0,0,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,63,238,253,108,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,148,0,0,0,0,0,0,0,0,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,252,148,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,231,46,0,0,0,0,0,0,0,0,255,253,232,47,0,0,0,0,0,0,0,0,0,0,16,191,255,253,154,0,0,0,0,0,0,0,0,0,98,242,252,108,0,0,0,0,0,0,0,0,0,63,222,252,253,148,10,0,0,0,0,0,0,0,0,0,0,62,201,211,119,5,0,0,0,0,0,0,16,181,252,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,119,0,0,0,0,21,144,191,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,170,110,150,253,253,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,159,231,252,253,252,252,210,180,55,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,71,133,174,71,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,203,194,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,154,22,40,214,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,173,5,0,0,10,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,10,0,0,0,51,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,149,0,0,0,0,80,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,117,0,0,0,0,67,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,144,0,0,0,21,201,167,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,222,19,6,55,202,111,52,241,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,242,219,202,59,0,0,136,171,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,53,0,0,0,0,14,210,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,230,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,141,208,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,97,212,235,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,94,168,212,255,238,95,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,70,128,212,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,14,4,8,5,17,44,157,254,254,254,254,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,243,175,218,206,254,254,254,254,254,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,254,254,254,254,254,254,198,187,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,213,213,191,130,105,49,14,121,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,243,254,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,249,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,250,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,157,254,228,125,125,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,161,248,252,253,253,253,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,241,252,253,253,253,225,225,253,253,253,253,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,162,106,19,19,14,14,19,61,253,253,242,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,25,4,0,0,0,0,0,0,46,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,253,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,241,253,201,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,181,253,217,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,240,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,239,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,93,239,253,184,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,241,253,185,63,0,0,0,0,0,5,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,242,253,203,19,0,0,0,6,33,117,172,241,40,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,253,201,67,8,27,57,156,174,253,253,224,90,0,0,0,0,0,0,0,0,0,0,0,0,0,9,183,253,253,175,128,179,253,253,253,253,250,149,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,253,244,217,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,253,253,248,213,117,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,240,253,209,123,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,180,254,254,255,254,254,124,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,235,157,157,204,253,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,76,146,252,136,115,108,0,0,20,171,243,243,104,0,0,0,0,0,0,0,0,0,0,0,0,0,72,201,253,253,65,7,0,0,0,0,0,0,190,253,243,73,0,0,0,0,0,0,0,0,0,0,0,71,234,253,225,82,2,0,0,0,0,0,0,0,72,246,253,96,0,0,0,0,0,0,0,0,0,0,6,215,253,225,42,0,0,0,0,0,0,0,0,0,0,199,253,103,0,0,0,0,0,0,0,0,0,0,97,253,225,40,0,0,0,0,0,0,0,0,0,0,0,199,253,232,0,0,0,0,0,0,0,0,0,0,231,253,138,0,0,0,0,0,0,0,0,0,0,0,0,66,253,232,0,0,0,0,0,0,0,0,0,106,251,185,7,0,0,0,0,0,0,0,0,0,0,0,0,185,253,232,0,0,0,0,0,0,0,0,0,118,253,103,0,0,0,0,0,0,0,0,0,0,0,0,23,214,253,232,0,0,0,0,0,0,0,0,0,118,253,177,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,206,0,0,0,0,0,0,0,0,0,118,253,177,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,96,0,0,0,0,0,0,0,0,0,118,253,221,35,0,0,0,0,0,0,0,0,0,0,63,239,253,230,41,0,0,0,0,0,0,0,0,0,118,253,253,61,0,0,0,0,0,0,0,0,0,61,247,253,253,144,0,0,0,0,0,0,0,0,0,0,6,235,253,117,0,0,0,0,0,0,0,0,0,125,253,253,194,4,0,0,0,0,0,0,0,0,0,0,0,189,253,198,0,0,0,0,0,0,0,9,161,236,253,226,55,0,0,0,0,0,0,0,0,0,0,0,0,21,222,241,107,25,0,0,0,0,0,62,253,253,228,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,209,109,42,91,105,179,227,253,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,126,246,253,253,253,253,253,253,253,238,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,198,253,119,190,116,116,116,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,64,191,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,128,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,131,149,228,157,78,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,138,233,253,254,253,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,145,240,253,253,236,171,91,85,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,222,254,253,248,163,14,0,0,16,232,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,240,253,254,218,91,0,0,0,0,0,169,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,231,71,0,0,0,8,123,246,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,132,0,0,57,129,202,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,243,233,233,247,253,254,237,252,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,253,254,253,253,253,227,173,21,233,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,130,148,192,147,122,25,0,0,233,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,238,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,255,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,148,128,128,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,185,253,253,253,254,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,237,253,165,42,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,221,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,220,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,213,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,255,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,191,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,91,149,180,228,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,99,175,249,237,244,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,147,68,43,0,115,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,239,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,249,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,223,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,233,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,140,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,135,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,102,185,205,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,185,239,254,245,235,253,198,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,179,188,105,56,42,30,133,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,56,0,0,0,0,0,10,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,187,236,70,0,0,0,0,0,63,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,254,238,42,0,0,0,0,24,205,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,254,139,59,0,0,0,0,79,218,254,254,167,48,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,188,8,0,19,23,38,151,251,245,193,131,250,250,147,2,0,0,0,0,0,0,0,0,0,0,0,122,254,138,8,106,201,232,235,243,142,32,0,0,35,122,245,90,0,0,0,0,0,0,0,0,0,0,0,38,254,254,205,254,254,254,243,66,0,0,0,0,0,0,179,173,0,0,0,0,0,0,0,0,0,0,0,0,78,208,254,255,176,39,0,0,0,0,0,0,0,0,86,233,24,0,0,0,0,0,0,0,0,0,0,0,2,172,254,138,9,0,0,0,0,0,0,0,0,0,86,254,37,0,0,0,0,0,0,0,0,0,0,0,13,254,254,47,0,0,0,0,0,0,0,0,0,0,124,254,37,0,0,0,0,0,0,0,0,0,0,0,104,254,194,16,0,0,0,0,0,0,0,0,0,6,201,216,13,0,0,0,0,0,0,0,0,0,0,0,191,254,60,0,0,0,0,0,0,0,0,0,0,125,254,93,0,0,0,0,0,0,0,0,0,0,0,0,122,254,61,0,0,0,0,0,0,0,0,0,157,245,142,2,0,0,0,0,0,0,0,0,0,0,0,0,104,254,143,0,0,0,0,0,0,0,4,148,248,177,22,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,252,203,85,23,0,0,36,140,225,254,148,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,101,234,254,254,232,217,217,241,249,222,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,73,226,254,243,159,135,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,138,138,138,138,191,159,169,138,243,202,253,253,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,252,253,252,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,69,69,152,183,183,122,69,69,69,69,69,69,202,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,60,25,76,93,93,166,240,252,252,249,186,176,113,93,0,0,0,0,0,0,0,0,0,22,116,157,230,241,244,236,248,252,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,11,203,253,253,253,255,243,253,253,253,242,230,247,253,253,231,230,199,116,11,0,0,0,0,0,0,0,0,0,80,206,206,153,92,71,206,153,153,42,0,111,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,216,223,170,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,244,254,254,254,254,103,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,254,197,20,53,203,158,0,110,249,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,148,6,0,0,126,253,49,113,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,31,0,0,0,61,218,29,208,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,105,0,0,0,119,210,219,254,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,221,36,0,20,184,254,254,230,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,174,25,87,143,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,187,254,204,177,249,248,157,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,239,254,254,248,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,233,254,254,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,223,254,222,227,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,223,68,77,240,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,235,254,80,0,44,254,223,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,212,8,0,50,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,135,0,7,165,254,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,165,114,220,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,254,255,224,254,194,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,130,215,123,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,170,0,0,0,0,0,0,0,0,0,0,0,0,32,73,21,0,0,0,0,0,0,0,0,0,0,105,242,252,0,0,0,0,0,0,0,0,0,0,0,1,211,252,71,0,0,0,0,0,0,0,0,0,16,222,252,252,0,0,0,0,0,0,0,0,0,0,1,1,252,252,154,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,37,252,252,252,71,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,78,252,252,252,71,0,0,0,0,0,0,0,0,0,233,252,252,252,0,0,0,0,0,0,0,0,0,11,191,252,252,179,20,0,0,0,0,0,0,0,0,105,253,252,252,252,0,0,0,0,0,0,0,0,0,73,252,252,252,35,0,0,0,0,0,0,145,144,144,206,253,252,252,252,0,0,0,0,0,0,0,0,0,218,253,253,253,98,79,191,255,253,253,253,255,253,253,253,255,253,253,108,0,0,0,0,0,0,0,0,94,247,252,252,252,242,242,252,253,252,252,252,253,231,190,252,253,252,220,15,0,0,0,0,0,0,0,0,129,252,252,252,252,252,252,252,253,252,252,252,237,71,140,252,253,252,112,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,253,252,231,108,62,42,221,252,253,252,71,0,0,0,0,0,0,0,0,0,63,238,253,253,253,253,253,253,145,20,0,0,0,218,253,253,255,222,41,0,0,0,0,0,0,0,0,0,0,72,179,179,179,179,76,35,0,0,0,0,32,227,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,175,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,159,239,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,169,84,29,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,217,134,163,202,96,254,243,148,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,176,33,2,2,15,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,139,0,0,15,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,139,0,0,15,254,254,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,159,0,0,128,254,238,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,250,235,0,0,171,254,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,221,167,0,16,222,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,8,8,0,49,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,178,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,222,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,249,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,169,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,86,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,193,193,136,39,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,190,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,237,168,199,253,253,248,220,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,56,0,25,68,152,232,253,218,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,191,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,191,253,162,0,0,0,0,0,0,0,0,20,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,22,0,0,0,0,0,0,4,124,230,174,0,0,0,0,0,0,0,0,0,0,0,26,70,70,225,253,253,22,0,34,70,70,70,108,224,253,253,211,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,253,177,169,210,253,253,253,253,253,253,207,33,0,0,0,0,0,0,0,0,0,0,0,51,225,253,253,253,253,253,253,253,253,253,253,225,137,137,25,0,0,0,0,0,0,0,0,0,0,0,0,0,29,38,38,38,118,191,191,191,149,38,38,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,128,222,131,31,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,61,254,254,254,254,254,115,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,121,254,254,254,254,254,254,254,214,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,121,254,254,254,254,254,254,234,250,254,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,254,232,239,186,19,135,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,219,254,254,247,128,25,46,0,0,32,213,254,216,30,0,0,0,0,0,0,0,0,0,0,0,0,13,219,254,254,247,109,0,0,0,0,0,0,78,249,254,142,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,254,126,0,0,0,0,0,0,0,0,224,255,142,0,0,0,0,0,0,0,0,0,0,0,9,222,254,254,228,25,0,0,0,0,0,0,0,0,197,254,142,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,186,0,0,0,0,0,0,0,0,0,191,254,225,9,0,0,0,0,0,0,0,0,0,0,13,254,254,254,93,0,0,0,0,0,0,0,0,0,224,254,169,3,0,0,0,0,0,0,0,0,0,0,13,254,254,254,93,0,0,0,0,0,0,0,0,0,224,254,142,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,93,0,0,0,0,0,0,0,0,116,249,254,103,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,93,0,0,0,0,0,0,0,73,248,254,166,3,0,0,0,0,0,0,0,0,0,0,0,8,214,254,254,213,32,0,0,0,0,0,30,210,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,152,32,0,0,0,79,210,254,254,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,255,254,254,214,107,136,231,249,254,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,211,254,254,254,254,254,254,254,254,216,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,254,254,254,254,254,254,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,88,154,166,130,130,94,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,92,247,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,236,64,0,0,0,0,0,0,0,19,202,254,254,0,0,0,0,0,0,0,0,0,0,0,13,75,112,158,254,60,0,0,0,0,0,0,0,63,254,254,224,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,221,23,0,0,0,0,0,0,0,82,254,240,38,0,0,0,0,0,0,0,0,0,0,5,141,254,246,241,6,0,0,0,0,0,0,0,0,200,254,151,0,0,0,0,0,0,0,0,0,0,0,147,254,254,103,0,0,0,0,0,0,0,0,0,43,228,254,96,0,0,0,0,0,0,0,0,0,0,95,254,230,126,3,0,0,0,0,0,0,0,0,0,218,254,214,3,0,0,0,0,0,0,0,0,0,42,228,254,199,0,0,0,0,0,0,0,0,0,0,37,233,254,90,0,0,0,0,0,0,0,0,0,0,118,254,234,71,0,0,0,0,0,0,0,0,0,0,104,254,204,14,0,0,0,0,0,0,0,0,0,0,118,254,193,23,42,29,49,49,72,187,112,187,187,187,214,254,192,0,0,0,0,0,0,0,0,0,0,0,193,254,254,206,242,219,254,254,206,255,234,227,228,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,115,254,254,254,254,254,248,248,124,110,30,1,89,254,254,252,113,0,0,0,0,0,0,0,0,0,0,0,0,121,235,254,170,124,0,0,0,0,0,28,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,13,4,0,0,0,0,0,0,28,254,254,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,214,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,250,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,247,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,91,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,54,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,57,194,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,214,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,29,104,141,141,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,253,252,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,168,93,56,193,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,202,0,0,0,113,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,203,0,0,0,126,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,252,0,38,144,243,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,198,234,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,227,139,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,130,91,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,225,253,253,213,92,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,108,224,253,253,253,253,253,210,92,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,169,253,253,247,131,144,237,253,253,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,4,50,220,253,253,230,102,0,0,34,99,208,250,253,102,1,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,246,189,25,0,0,0,0,0,0,135,251,253,85,0,0,0,0,0,0,0,0,0,0,0,99,220,253,224,109,0,0,0,0,0,0,0,0,0,215,253,129,0,0,0,0,0,0,0,0,0,3,120,220,253,246,70,0,0,0,0,0,0,0,0,0,0,112,253,129,0,0,0,0,0,0,0,0,2,127,253,253,246,108,0,0,0,0,0,0,0,0,0,0,0,112,253,217,0,0,0,0,0,0,0,0,98,253,253,204,59,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,0,0,0,0,0,0,0,0,130,253,248,77,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,220,0,0,0,0,0,0,0,0,228,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,129,0,0,0,0,0,0,0,0,255,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,86,250,253,90,0,0,0,0,0,0,0,0,151,253,220,36,0,0,0,0,0,0,0,0,0,0,0,0,148,253,213,4,0,0,0,0,0,0,0,0,85,253,253,150,0,0,0,0,0,0,0,0,0,0,0,131,250,253,29,0,0,0,0,0,0,0,0,0,1,102,253,250,135,0,0,0,0,0,0,0,0,35,145,250,253,107,2,0,0,0,0,0,0,0,0,0,0,8,207,253,250,230,208,106,106,106,139,230,230,238,253,253,107,2,0,0,0,0,0,0,0,0,0,0,0,0,10,102,253,253,253,253,253,253,253,253,253,253,253,46,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,27,152,253,253,253,253,253,219,135,93,12,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,5,5,5,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,101,130,130,130,176,194,254,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,21,136,136,219,253,253,253,253,253,253,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,253,253,253,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,34,228,228,241,228,228,228,128,105,232,253,253,242,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,0,0,0,10,134,239,253,240,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,191,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,193,253,253,170,86,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,141,234,253,253,169,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,237,158,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,197,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,253,198,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,186,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,226,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,127,231,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,106,188,246,253,253,225,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,236,236,236,238,253,253,253,253,171,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,253,253,253,172,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,192,253,253,223,66,5,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,232,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,223,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,190,132,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,252,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,250,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,252,238,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,253,229,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,252,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,158,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,100,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,189,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,128,253,255,197,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,198,247,252,252,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,232,252,252,252,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,193,244,252,252,201,218,252,253,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,242,252,209,53,20,146,252,253,167,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,198,87,0,0,146,252,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,252,253,177,54,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,252,253,252,252,62,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,106,240,251,252,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,238,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,225,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,213,90,0,0,0,0,0,200,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,222,129,0,0,0,0,200,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,252,29,0,0,46,211,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,188,252,252,216,30,0,213,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,241,252,253,213,160,238,252,204,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,253,252,252,252,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,175,252,139,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,109,150,253,253,255,253,149,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,237,252,252,252,252,253,252,252,252,238,175,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,231,215,91,71,71,72,71,175,215,232,252,201,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,46,0,0,0,0,0,0,0,0,47,232,252,252,84,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,99,201,252,252,72,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,144,144,145,144,160,252,253,252,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,253,253,253,255,253,253,253,208,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,242,252,252,253,252,252,252,176,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,71,71,217,215,241,252,253,231,160,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,190,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,253,253,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,221,253,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,16,26,0,0,0,0,0,0,0,0,0,41,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,84,191,179,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,145,253,211,94,0,0,0,0,0,0,0,79,109,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,247,217,156,73,155,73,218,217,242,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,41,133,226,231,252,253,252,252,252,253,252,252,231,154,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,46,108,108,232,252,168,108,108,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,202,253,222,138,243,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,252,253,244,219,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,142,234,252,252,173,56,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,176,45,0,0,164,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,221,35,0,0,43,246,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,144,0,0,11,97,253,247,197,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,218,33,0,17,193,253,202,67,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,116,45,101,209,252,205,25,0,207,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,229,236,252,252,168,21,0,0,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,201,231,137,43,2,0,0,0,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,34,0,0,0,0,0,57,244,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,238,167,0,0,0,0,174,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,117,3,0,5,191,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,173,252,252,65,0,47,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,171,252,252,123,103,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,139,244,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,201,252,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,104,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,209,243,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,230,240,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,194,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,235,88,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,241,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,176,252,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,231,52,0,0,0,0,0,6,109,183,229,229,229,189,68,0,0,0,0,0,0,0,0,0,0,70,242,252,204,0,0,0,0,0,58,243,252,252,252,252,252,252,248,137,0,0,0,0,0,0,0,0,0,197,253,253,205,0,0,0,0,11,185,255,253,171,98,0,0,142,253,253,132,0,0,0,0,0,0,0,0,242,252,183,134,0,0,0,10,231,252,252,159,41,0,0,0,85,252,252,121,0,0,0,0,0,0,0,0,58,252,127,32,0,0,13,176,252,252,149,0,0,0,0,0,73,247,252,87,0,0,0,0,0,0,0,0,13,252,223,16,0,0,85,252,252,252,0,0,0,0,0,0,17,224,252,212,0,0,0,0,0,0,0,0,70,217,229,170,0,0,171,252,252,165,0,0,0,0,0,0,65,244,252,223,0,0,0,0,0,0,0,0,9,146,202,241,55,0,170,252,221,37,0,0,0,0,0,0,65,244,252,40,0,0,0,0,0,0,0,0,0,12,202,252,132,20,142,252,143,0,0,0,0,0,0,25,140,252,252,52,0,0,0,0,0,0,0,0,0,0,40,174,252,225,229,252,237,56,0,0,0,0,70,199,252,215,104,19,0,0,0,0,0,0,0,0,0,0,0,5,135,252,252,252,252,183,230,160,127,229,246,252,124,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,189,131,241,194,132,201,252,148,11,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,157,253,253,165,255,95,139,78,87,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,252,252,252,253,252,252,252,252,253,205,190,190,102,36,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,170,126,223,231,231,232,231,240,237,252,242,232,179,101,4,0,0,0,0,0,0,0,0,253,252,252,252,252,0,0,0,0,0,0,0,35,21,84,84,211,252,252,113,0,0,0,0,0,0,0,0,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,18,216,252,252,103,0,0,0,0,0,0,0,0,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,166,253,253,216,18,0,0,0,0,0,0,0,0,253,252,252,252,137,0,0,0,0,0,0,0,0,0,116,253,252,245,82,0,0,0,0,0,0,0,0,0,191,252,252,194,4,0,0,0,0,0,0,0,0,68,249,253,245,124,0,0,0,0,0,0,0,0,0,0,14,84,84,63,0,0,0,0,0,0,0,0,41,225,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,237,252,231,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,245,252,251,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,150,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,155,182,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,69,0,0,7,230,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,245,27,0,9,243,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,232,14,0,4,211,213,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,147,0,0,6,224,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,69,0,0,10,249,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,212,162,1,0,0,9,243,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,82,0,0,0,11,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,186,0,0,0,0,11,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,246,54,147,180,137,10,11,255,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,242,229,230,233,179,243,184,21,255,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,232,115,31,0,42,231,196,254,109,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,144,14,0,0,0,0,38,222,254,226,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,222,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,235,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,217,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,220,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,244,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,145,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,185,215,215,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,242,254,254,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,254,254,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,245,158,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,228,254,248,177,119,35,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,78,168,175,254,254,200,124,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,117,184,251,246,213,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,193,254,249,196,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,106,214,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,223,254,156,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,183,254,210,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,164,254,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,99,99,23,0,0,0,0,0,36,186,254,207,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,233,149,59,59,59,60,74,254,255,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,107,237,254,254,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,116,194,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,19,57,95,118,117,87,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,255,254,205,179,114,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,253,235,253,253,241,199,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,146,15,15,59,179,253,244,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,206,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,219,253,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,204,254,249,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,137,194,239,253,245,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,253,253,253,254,246,149,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,171,124,62,0,115,240,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,245,245,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,223,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,225,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,241,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,71,0,0,0,0,0,0,0,77,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,40,0,0,0,0,0,32,233,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,251,128,0,0,0,9,77,229,253,253,152,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,247,154,76,154,229,254,253,250,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,179,218,253,231,209,179,161,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,143,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,225,238,252,252,249,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,234,252,253,201,208,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,76,234,249,223,162,9,19,180,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,223,0,0,0,0,29,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,228,47,0,0,0,0,29,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,70,0,0,0,0,0,29,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,227,253,186,12,0,0,0,0,0,29,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,151,0,0,0,0,0,0,29,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,27,0,0,0,0,0,0,29,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,27,0,0,0,0,0,0,29,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,215,18,0,0,0,0,0,0,29,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,29,252,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,153,3,0,0,0,0,0,7,131,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,135,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,255,90,0,0,0,0,147,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,253,243,97,10,85,147,249,252,242,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,253,252,239,203,252,253,252,208,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,249,252,252,252,240,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,221,252,173,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,198,250,165,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,216,241,194,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,254,104,6,77,254,133,0,0,0,28,70,129,155,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,154,3,0,3,188,137,0,28,101,220,251,158,74,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,207,9,0,0,80,158,214,242,250,127,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,93,101,214,241,254,254,174,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,214,254,244,254,254,254,172,49,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,98,230,254,254,246,163,50,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,233,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,177,252,254,254,213,154,254,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,172,30,10,185,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,254,254,152,5,0,0,124,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,161,4,0,0,0,48,254,232,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,33,0,0,0,5,124,254,224,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,58,18,68,104,163,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,254,254,254,254,254,254,254,232,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,254,254,254,254,254,254,231,159,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,163,192,216,249,199,86,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,226,151,151,64,19,0,8,48,145,151,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,254,254,220,198,207,254,254,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,10,102,182,218,240,254,254,254,254,243,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,67,251,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,251,254,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,255,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,182,254,254,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,254,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,250,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,230,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,60,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,80,105,189,255,254,212,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,254,254,254,254,254,211,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,220,148,116,116,116,174,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,106,41,0,0,0,0,108,254,230,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,203,254,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,203,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,205,254,254,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,254,254,217,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,243,111,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,232,92,77,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,179,250,254,254,236,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,189,237,254,254,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,104,189,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,45,0,0,0,0,0,0,0,109,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,252,67,0,0,0,0,0,0,27,221,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,86,0,0,0,0,0,29,215,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,237,41,0,0,8,83,213,254,254,205,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,220,118,136,214,254,254,254,217,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,194,254,254,254,254,254,248,174,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,221,254,254,180,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,173,253,254,213,152,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,213,252,253,232,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,142,61,0,0,62,142,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,171,0,0,0,0,21,61,172,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,244,40,0,0,0,0,152,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,122,0,0,0,0,0,152,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,152,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,41,0,0,0,0,0,152,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,214,31,0,0,0,0,173,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,232,253,232,102,61,123,203,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,234,253,254,253,244,243,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,192,151,40,203,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,151,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,160,251,174,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,127,77,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,149,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,47,0,0,0,0,0,35,67,102,67,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,96,0,0,0,29,98,230,254,254,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,144,0,0,16,215,254,249,205,123,201,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,235,0,95,210,197,120,41,0,0,169,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,245,141,250,192,5,0,0,0,43,246,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,158,7,0,0,0,57,221,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,41,0,0,0,59,237,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,227,71,57,117,239,230,107,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,254,254,254,254,255,239,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,66,87,229,159,160,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,48,132,217,235,174,118,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,166,254,254,254,254,254,254,167,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,215,254,254,212,95,57,57,139,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,251,254,231,91,9,0,13,126,83,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,233,44,0,0,0,136,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,252,255,121,0,0,0,0,146,254,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,36,0,0,0,0,147,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,242,254,101,17,17,81,140,246,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,254,254,254,254,254,254,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,125,240,254,254,235,235,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,40,40,21,150,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,250,254,139,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,254,162,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,248,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,238,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,229,152,66,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,149,244,253,253,253,226,100,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,245,246,251,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,230,91,16,29,66,83,202,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,177,0,0,0,0,0,188,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,99,0,0,0,0,0,119,242,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,250,193,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,123,213,247,253,206,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,175,253,253,253,253,254,219,115,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,254,254,254,255,254,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,215,180,125,41,28,122,73,105,240,248,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,203,221,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,162,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,47,8,0,0,0,0,0,0,4,141,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,208,124,0,0,0,4,85,185,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,252,244,245,244,244,253,253,253,234,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,197,241,253,253,254,253,253,253,253,223,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,76,159,66,162,246,65,65,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,38,38,38,38,38,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,184,184,184,184,211,253,253,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,1,48,222,251,253,253,253,253,253,253,253,253,248,141,19,0,0,0,0,0,0,0,0,0,0,0,0,68,156,253,253,253,253,253,253,253,253,253,224,121,2,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,253,253,253,253,201,172,127,172,172,160,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,243,253,253,253,250,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,253,253,251,205,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,243,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,126,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,202,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,6,0,93,248,184,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,95,0,0,99,247,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,177,0,0,0,186,244,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,177,0,0,0,130,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,229,50,0,84,245,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,225,232,122,243,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,183,213,178,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,40,237,235,235,235,235,114,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,182,253,254,253,253,253,253,253,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,156,186,253,253,254,253,253,253,253,253,253,223,156,36,0,0,0,0,0,0,0,0,0,0,0,49,215,238,253,253,253,253,254,253,253,253,253,253,253,253,253,73,0,0,0,0,0,0,0,0,0,0,55,240,253,253,253,253,253,253,254,253,253,253,222,223,253,253,253,253,0,0,0,0,0,0,0,0,0,64,218,253,253,253,253,253,253,253,254,253,157,116,71,156,253,253,253,253,0,0,0,0,0,0,0,0,46,222,253,253,253,253,253,253,253,253,58,57,18,0,0,156,253,253,253,253,0,0,0,0,0,0,0,0,60,254,254,254,254,254,254,236,196,45,0,0,0,0,99,255,254,254,254,209,0,0,0,0,0,0,0,0,150,253,253,253,253,253,243,94,0,0,0,0,0,19,170,253,253,253,189,31,0,0,0,0,0,0,0,0,254,253,253,253,253,143,71,0,0,0,0,0,124,188,253,253,253,198,35,0,0,0,0,0,0,0,0,0,254,253,253,253,237,82,0,0,0,0,0,110,247,253,253,253,234,13,0,0,0,0,0,0,0,0,0,0,178,253,253,253,154,0,0,0,0,0,23,170,253,253,253,192,142,0,0,0,0,0,0,0,0,0,0,0,59,253,253,253,154,0,0,0,0,0,180,253,253,253,192,37,0,0,0,0,0,0,0,0,0,0,0,0,55,233,233,203,23,0,0,61,196,196,235,233,233,233,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,125,178,254,254,254,254,150,125,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,253,253,253,253,252,248,157,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,204,142,142,142,142,142,142,142,168,253,253,251,225,43,0,0,0,0,0,0,0,0,0,0,0,0,254,205,17,0,0,0,0,0,0,0,5,19,128,253,253,161,43,0,0,0,0,0,0,0,0,0,0,0,156,84,0,0,0,0,0,0,0,0,0,0,5,61,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,236,253,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,93,236,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,105,253,253,244,111,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,53,171,253,253,217,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,193,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,239,253,243,184,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,244,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,253,168,0,0,0,0,0,0,0,3,27,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,62,6,16,0,14,17,13,101,158,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,40,232,253,222,172,228,143,220,236,214,252,240,240,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,253,253,253,252,247,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,163,253,253,253,159,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,25,25,25,70,106,106,106,106,106,63,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,254,254,254,242,218,217,217,235,254,222,148,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,99,99,84,44,30,2,0,0,21,87,183,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,0,0,0,135,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,207,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,107,19,98,98,98,98,98,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,190,190,244,254,254,254,254,232,225,225,225,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,163,178,132,235,184,57,52,52,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,210,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,92,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,193,239,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,116,175,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,233,78,137,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,210,24,137,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,84,0,137,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,232,24,0,137,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,254,76,0,0,137,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,20,81,163,242,254,178,20,5,20,71,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,248,254,254,254,254,254,254,254,194,254,254,254,214,73,0,0,0,0,0,0,0,0,0,0,0,0,10,196,254,223,155,117,117,117,117,118,72,49,175,254,245,216,162,0,0,0,0,0,0,0,0,0,0,0,0,18,58,14,0,0,0,0,0,0,0,0,40,254,196,5,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,249,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,135,172,222,254,255,254,219,135,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,243,236,236,208,160,236,249,241,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,45,0,0,0,0,0,51,65,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,232,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,244,237,237,237,235,124,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,205,171,171,174,253,213,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,228,243,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,249,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,242,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,163,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,253,176,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,116,28,0,0,0,42,183,253,216,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,221,12,17,90,174,246,253,191,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,241,239,241,253,253,225,66,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,179,232,147,63,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,225,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,249,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,56,136,155,155,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,111,205,244,253,249,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,66,152,227,254,207,189,113,72,106,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,222,254,229,134,84,10,0,0,0,114,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,119,80,11,0,0,0,0,0,0,205,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,230,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,166,61,7,0,0,46,26,0,0,0,0,0,0,0,0,0,0,0,0,2,16,106,116,170,215,254,254,254,254,254,220,215,215,245,232,98,0,0,0,0,0,0,0,0,0,59,135,177,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,227,0,0,0,0,0,0,0,0,44,235,248,229,160,79,30,30,67,253,254,254,104,57,41,61,129,55,30,18,0,0,0,0,0,0,0,0,0,33,56,0,0,0,0,0,68,253,254,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,216,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,146,146,204,255,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,209,253,253,253,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,242,253,253,248,160,139,66,32,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,253,238,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,253,178,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,150,253,192,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,247,157,157,157,86,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,253,253,253,253,253,253,231,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,166,237,168,129,129,129,223,251,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,212,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,192,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,0,0,0,0,0,9,134,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,93,208,73,0,0,0,0,10,93,253,253,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,144,0,0,0,0,42,180,253,253,159,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,65,0,0,0,102,238,253,253,185,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,169,141,161,249,253,253,253,158,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,253,253,253,208,143,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,163,253,253,253,216,93,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,177,250,159,249,179,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,220,254,227,189,226,226,249,205,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,248,132,4,0,0,0,129,100,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,242,73,0,0,0,0,0,0,0,0,24,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,227,21,0,0,0,0,0,0,7,76,210,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,248,144,0,0,0,0,0,110,203,254,218,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,239,16,0,49,215,246,227,78,9,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,228,225,175,247,241,166,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,160,254,254,146,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,164,251,222,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,223,220,60,16,243,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,166,3,0,0,241,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,127,6,0,0,0,151,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,230,22,0,0,0,0,105,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,197,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,227,35,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,218,31,0,0,0,161,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,245,224,144,17,99,250,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,169,255,233,255,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,119,165,187,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,149,255,255,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,100,239,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,253,253,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,253,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,239,253,178,104,249,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,253,239,10,0,90,250,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,170,0,0,0,168,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,224,39,0,0,0,168,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,229,253,160,0,0,0,0,69,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,243,47,0,0,0,0,60,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,205,0,0,0,0,0,60,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,104,0,0,0,0,0,35,233,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,0,60,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,0,102,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,253,97,0,0,0,0,3,177,253,216,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,170,0,0,0,0,96,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,245,93,0,0,38,180,253,214,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,253,252,242,141,228,253,246,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,253,217,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,58,145,152,184,145,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,122,159,229,255,254,254,254,149,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,208,245,253,234,180,122,122,194,240,253,153,66,38,20,0,0,0,0,0,0,0,0,0,0,0,50,214,253,248,243,187,43,0,0,0,0,38,162,253,253,253,130,0,0,0,0,0,0,0,0,0,0,26,234,253,211,64,0,0,0,0,0,0,0,0,16,222,253,253,68,0,0,0,0,0,0,0,0,0,0,56,253,211,15,0,0,0,0,0,0,0,0,0,0,207,253,221,17,0,0,0,0,0,0,0,0,0,0,55,253,211,15,0,0,0,0,0,0,0,0,0,18,210,253,196,0,0,0,0,0,0,0,0,0,0,0,38,253,253,194,16,0,0,0,32,85,133,178,178,247,253,253,130,0,0,0,0,0,0,0,0,0,0,0,2,51,234,253,204,85,57,147,247,254,253,253,253,253,227,215,137,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,253,253,253,253,232,131,82,37,37,37,21,85,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,197,17,0,0,0,0,0,0,22,3,0,0,0,0,0,0,0,0,0,0,0,0,0,20,240,254,254,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,187,28,182,253,253,167,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,234,253,67,0,13,181,250,254,230,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,197,253,47,0,0,0,98,254,253,250,141,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,189,32,0,0,0,67,230,253,253,131,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,231,253,237,151,24,0,0,38,179,253,253,208,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,220,253,253,217,143,0,0,3,162,253,253,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,103,193,244,253,221,150,113,59,239,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,165,254,253,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,148,159,221,253,246,128,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,79,116,79,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,136,189,241,254,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,244,253,253,215,58,58,193,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,254,213,53,0,0,0,0,0,0,0,0,0,55,59,0,0,0,0,0,0,0,0,0,0,0,71,207,241,142,12,0,0,0,0,0,0,0,35,80,185,217,99,0,0,0,0,0,0,0,0,0,0,25,240,253,68,0,0,0,0,0,0,0,73,116,224,216,107,6,0,0,0,0,0,0,0,0,0,0,0,79,253,253,0,0,0,0,0,40,129,234,251,253,169,10,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,253,0,0,0,53,135,254,253,222,103,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,61,50,156,254,254,218,150,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,230,247,247,180,61,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,217,253,254,209,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,167,247,253,222,238,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,147,14,156,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,193,5,0,179,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,217,214,241,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,78,78,129,100,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,137,136,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,247,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,135,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,86,114,114,141,198,198,226,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,198,255,255,255,255,255,170,141,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,86,114,86,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,255,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,255,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,254,255,153,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,178,244,253,253,253,253,236,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,253,253,226,198,253,253,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,183,27,161,204,253,156,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,219,219,41,0,9,160,253,121,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,252,239,6,0,0,0,0,3,176,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,239,0,0,0,0,0,0,0,61,247,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,239,0,0,0,0,0,0,0,0,241,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,244,44,0,0,0,0,0,0,0,241,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,123,0,0,0,0,0,0,0,203,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,147,2,0,0,0,0,0,0,104,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,253,253,6,0,0,0,0,0,0,104,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,10,0,0,0,0,0,0,108,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,203,253,197,13,0,0,0,0,61,247,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,83,0,0,0,3,176,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,164,0,0,9,162,253,253,226,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,156,253,234,71,0,28,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,249,253,233,179,187,253,253,158,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,253,253,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,164,253,253,253,174,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,162,205,223,160,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,204,254,252,251,254,225,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,144,126,46,50,247,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,164,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,226,218,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,124,210,232,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,246,252,155,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,245,254,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,146,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,254,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,222,254,197,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,130,251,254,179,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,5,0,0,56,207,255,254,168,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,185,226,177,252,254,162,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,105,73,79,101,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,148,210,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,159,253,253,223,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,182,253,253,253,254,217,176,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,171,253,253,253,253,254,253,253,236,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,199,154,156,154,223,253,192,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,116,0,0,0,176,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,230,253,253,186,18,0,0,0,27,222,253,229,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,174,0,0,0,0,0,40,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,174,0,0,0,0,0,18,168,253,244,95,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,174,0,0,0,0,0,0,99,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,254,250,135,0,0,0,0,0,0,99,255,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,233,0,0,0,0,0,0,0,99,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,97,0,0,0,0,0,0,0,99,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,164,251,253,253,38,0,0,0,0,0,0,37,123,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,109,246,253,253,38,0,0,0,0,0,69,242,253,253,245,107,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,158,0,0,0,37,156,223,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,250,215,215,215,226,253,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,253,254,253,253,253,253,204,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,168,253,253,253,253,253,254,253,253,231,116,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,178,253,192,163,253,209,57,57,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,63,121,158,158,178,254,254,255,254,254,254,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,248,225,225,225,225,225,251,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,67,67,67,67,53,0,0,0,0,92,249,215,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,252,244,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,169,247,246,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,232,254,210,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,252,216,110,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,146,226,250,147,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,238,170,82,82,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,191,205,205,209,254,254,243,240,187,105,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,48,48,90,143,196,245,240,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,109,217,189,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,244,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,228,92,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,0,0,0,0,0,0,5,245,125,0,0,0,0,0,0,0,0,0,0,0,0,0,134,2,0,0,0,0,0,0,0,0,0,0,45,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,154,188,108,68,21,0,0,0,0,0,0,76,233,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,14,98,217,235,234,226,226,226,226,226,226,251,253,132,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,157,236,254,254,254,254,166,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,218,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,211,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,100,246,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,183,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,189,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,231,251,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,204,253,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,218,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,93,248,253,169,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,201,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,195,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,253,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,234,71,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,104,0,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,255,199,17,0,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,241,27,0,17,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,245,244,67,0,0,51,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,244,69,0,0,0,0,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,221,254,146,0,0,0,0,0,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,254,143,4,0,0,0,0,0,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,253,254,161,116,116,116,32,24,24,186,211,13,0,7,87,0,0,0,0,0,0,0,0,0,0,0,30,236,253,254,253,253,253,254,253,253,253,254,253,221,184,204,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,93,93,151,184,184,184,229,254,254,228,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,147,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,193,234,254,255,186,47,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,172,25,10,23,199,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,84,199,253,253,185,0,0,21,158,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,126,253,253,248,227,190,0,0,0,70,245,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,222,102,0,0,0,0,0,0,171,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,244,253,218,34,0,0,0,0,0,0,0,165,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,243,31,0,0,0,0,0,0,0,0,94,243,0,0,0,0,0,0,0,0,0,0,0,0,0,38,242,253,148,0,0,0,0,0,0,0,0,0,171,196,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,239,24,0,0,0,0,0,0,0,0,0,171,79,0,0,0,0,0,0,0,0,0,0,0,0,15,213,253,181,0,0,0,0,0,0,0,0,0,17,237,36,0,0,0,0,0,0,0,0,0,0,0,0,97,253,249,67,0,0,0,0,0,0,0,0,0,124,242,30,0,0,0,0,0,0,0,0,0,0,0,0,219,253,191,0,0,0,0,0,0,0,0,0,28,212,150,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,124,0,0,0,0,0,0,0,0,4,185,230,39,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,124,0,0,0,0,0,0,0,0,137,229,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,31,0,0,0,0,0,0,4,100,243,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,48,0,0,0,0,0,27,140,230,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,129,4,0,0,9,96,232,230,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,189,161,161,239,242,156,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,110,253,253,228,147,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,219,253,168,121,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,252,252,252,252,178,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,252,252,253,185,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,239,172,176,252,253,252,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,176,0,3,53,253,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,136,21,0,0,0,129,249,252,231,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,14,197,252,252,198,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,133,133,133,133,139,252,253,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,253,253,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,252,252,252,253,252,192,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,158,158,173,252,252,252,253,252,252,244,191,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,39,39,39,103,206,252,252,252,223,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,196,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,54,54,110,211,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,173,173,219,252,253,252,252,252,252,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,252,252,253,252,252,243,190,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,251,238,240,182,106,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,140,238,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,172,152,152,113,152,51,92,152,152,82,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,172,252,253,252,253,252,253,252,253,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,102,102,214,253,244,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,3,57,191,191,198,254,179,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,148,126,221,253,253,254,253,253,209,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,253,254,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,235,205,147,85,96,212,253,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,128,0,0,0,0,11,193,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,96,9,0,0,0,0,0,169,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,48,9,0,0,0,0,0,0,169,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,202,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,227,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,249,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,209,253,231,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,254,249,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,108,247,253,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,175,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,177,244,253,253,253,143,86,86,166,120,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,253,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,253,254,253,253,253,227,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,132,178,201,132,132,143,253,172,101,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,237,165,81,81,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,214,180,68,68,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,253,253,253,253,253,253,218,188,131,54,54,54,26,17,0,0,0,0,0,0,0,0,0,0,0,0,108,253,106,115,213,219,253,253,253,254,253,253,253,253,211,199,174,174,104,0,0,0,0,0,0,0,0,0,108,253,39,0,0,15,93,93,93,157,226,226,235,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,108,253,39,0,0,0,0,0,0,0,0,0,34,107,137,253,253,238,107,0,0,0,0,0,0,0,0,0,108,253,39,0,0,0,0,0,0,0,0,0,0,0,54,253,239,50,0,0,0,0,0,0,0,0,0,0,108,254,40,0,0,0,0,0,0,0,0,0,0,0,54,255,94,0,0,0,0,0,0,0,0,0,0,0,6,13,2,0,0,0,0,0,0,0,0,0,0,29,209,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,240,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,213,213,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,235,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,241,231,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,210,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,183,254,221,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,207,254,214,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,221,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,161,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,243,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,254,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,255,249,138,120,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,158,227,240,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,179,248,254,254,254,246,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,123,243,254,196,192,172,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,183,254,254,239,14,0,111,246,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,234,254,254,254,32,0,61,249,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,254,254,81,64,234,162,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,251,166,179,157,232,163,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,178,254,254,254,215,252,140,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,176,254,254,254,254,191,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,187,254,223,136,220,254,237,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,237,254,252,85,0,25,158,254,239,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,203,252,246,81,8,0,0,0,2,90,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,237,254,254,125,0,0,0,0,0,0,53,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,211,102,6,0,0,0,0,0,0,102,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,108,0,0,0,0,0,0,0,54,238,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,35,0,0,0,0,0,0,35,185,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,233,163,72,6,0,0,0,54,213,254,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,185,254,205,121,52,135,255,254,164,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,197,254,254,254,221,133,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,79,82,227,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,189,223,152,29,0,26,186,135,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,211,82,42,156,251,103,16,100,232,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,50,0,0,1,97,243,75,0,113,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,184,0,0,0,0,0,79,224,89,3,220,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,49,0,0,0,0,0,0,63,168,94,97,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,46,240,17,0,0,0,0,0,0,0,0,0,13,234,169,0,0,0,0,0,0,0,0,0,0,0,0,0,80,215,0,0,0,0,0,0,0,0,0,0,0,222,174,0,0,0,0,0,0,0,0,0,0,0,0,0,46,215,0,0,0,0,0,0,0,0,0,0,0,218,231,0,0,0,0,0,0,0,0,0,0,0,0,0,46,226,8,0,0,0,0,0,0,0,0,0,0,156,226,13,0,0,0,0,0,0,0,0,0,0,0,0,97,254,26,0,0,0,0,0,0,0,0,0,0,156,254,46,0,0,0,0,0,0,0,0,0,0,0,0,97,255,26,0,0,0,0,0,0,0,0,0,0,109,250,35,0,0,0,0,0,0,0,0,0,0,0,0,46,254,90,0,0,0,0,0,0,0,0,0,0,138,239,12,0,0,0,0,0,0,0,0,0,0,0,0,46,254,91,0,0,0,0,0,0,0,0,0,0,156,206,0,0,0,0,0,0,0,0,0,0,0,0,0,4,236,134,0,0,0,0,0,0,0,0,0,0,183,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,236,21,0,0,0,0,0,0,0,0,13,234,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,120,0,0,0,0,0,0,0,0,130,238,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,250,99,0,0,0,0,0,0,51,234,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,250,115,0,0,0,0,53,234,195,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,194,251,184,87,105,184,250,167,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,169,254,254,254,193,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,255,243,136,109,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,237,253,253,253,223,154,47,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,44,82,156,200,241,253,253,113,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,190,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,249,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,247,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,228,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,174,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,191,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,166,253,228,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,234,108,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,132,217,255,169,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,217,254,254,221,243,253,206,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,237,123,26,13,22,102,223,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,83,0,0,0,0,0,48,188,218,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,243,43,0,0,0,0,0,0,0,175,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,228,3,0,0,0,0,0,0,89,239,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,254,108,0,0,0,0,0,0,0,0,171,185,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,101,2,0,0,0,0,0,0,0,0,87,225,14,0,0,0,0,0,0,0,0,0,0,0,0,153,254,160,5,0,0,0,0,0,0,0,0,0,54,254,101,0,0,0,0,0,0,0,0,0,0,0,0,228,247,44,0,0,0,0,0,0,0,0,0,0,7,223,216,0,0,0,0,0,0,0,0,0,0,0,0,228,207,0,0,0,0,0,0,0,0,0,0,0,26,235,216,0,0,0,0,0,0,0,0,0,0,0,49,248,128,0,0,0,0,0,0,0,0,0,0,0,54,254,137,0,0,0,0,0,0,0,0,0,0,0,63,254,128,0,0,0,0,0,0,0,0,0,0,0,56,254,136,0,0,0,0,0,0,0,0,0,0,0,63,254,128,0,0,0,0,0,0,0,0,0,0,22,178,241,34,0,0,0,0,0,0,0,0,0,0,0,2,228,215,0,0,0,0,0,0,0,0,0,22,147,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,209,251,49,0,0,0,0,0,0,0,72,209,254,167,11,0,0,0,0,0,0,0,0,0,0,0,0,0,86,247,179,11,0,0,0,0,20,147,244,241,166,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,183,55,27,79,163,228,254,242,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,223,254,254,254,254,254,200,114,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,141,164,196,164,86,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,116,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,192,0,0,0,0,0,0,0,116,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,230,0,0,0,0,0,0,0,116,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,179,0,0,0,0,0,0,9,140,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,96,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,46,0,0,0,0,0,0,47,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,46,0,0,0,0,0,0,47,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,227,21,0,0,0,0,0,0,47,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,164,0,0,0,0,0,0,0,47,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,81,0,0,0,0,0,0,26,122,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,23,0,0,0,0,26,0,70,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,165,9,0,0,26,214,172,237,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,251,215,207,208,216,253,236,205,234,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,160,160,161,143,69,19,0,105,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,211,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,252,252,252,252,193,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,252,252,252,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,252,253,252,252,252,252,253,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,158,252,253,252,252,252,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,0,76,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,155,253,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,248,252,253,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,253,253,255,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,252,253,252,252,219,161,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,234,252,252,253,252,252,252,252,216,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,139,56,46,45,45,173,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,76,13,7,0,0,0,5,24,24,181,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,211,186,161,161,162,178,252,252,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,253,252,252,252,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,252,252,252,252,253,252,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,168,210,242,190,137,137,96,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,193,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,157,176,215,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,254,253,253,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,220,253,254,253,221,216,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,226,253,253,209,60,8,2,84,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,220,0,0,0,116,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,235,0,0,0,11,215,254,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,215,253,232,68,0,0,0,140,253,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,253,94,0,0,0,106,248,253,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,254,210,8,0,0,38,243,253,111,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,254,102,0,0,33,228,253,162,99,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,182,0,0,64,228,255,238,26,110,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,181,32,145,249,253,238,59,0,109,253,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,243,238,253,253,253,58,0,0,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,157,254,253,253,238,80,0,0,0,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,72,72,72,41,0,0,0,0,109,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,136,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,255,255,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,223,246,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,233,34,20,39,172,244,244,244,244,227,140,43,26,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,140,0,0,0,59,93,170,170,203,253,253,253,233,94,27,0,0,0,0,0,0,0,0,0,0,0,150,253,61,0,0,0,0,0,0,0,8,80,160,231,253,253,240,98,10,0,0,0,0,0,0,0,0,0,193,253,40,0,0,0,0,0,0,0,0,0,0,10,78,176,253,253,181,43,0,0,0,0,0,0,0,0,60,253,207,11,0,0,0,0,0,0,0,0,0,0,0,3,63,239,253,241,0,0,0,0,0,0,0,0,17,191,253,225,71,45,0,0,0,0,0,0,0,0,0,31,114,253,253,228,0,0,0,0,0,0,0,0,0,15,198,252,253,242,206,110,108,5,0,0,2,61,183,233,253,251,182,43,0,0,0,0,0,0,0,0,0,0,0,73,151,201,247,253,253,233,116,70,190,253,253,228,174,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,51,140,253,253,253,253,253,183,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,137,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,244,253,219,179,253,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,248,225,55,9,20,197,252,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,202,253,234,29,0,0,0,0,239,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,253,180,19,0,0,0,0,0,137,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,247,156,10,0,0,0,0,0,0,129,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,190,138,0,0,0,0,0,0,0,0,239,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,124,0,0,0,0,0,0,0,80,248,204,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,149,31,0,0,0,0,0,0,18,138,149,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,94,133,191,133,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,146,207,253,253,253,253,253,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,146,249,254,253,248,217,188,141,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,242,253,253,252,193,72,0,0,38,231,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,44,96,240,253,227,193,69,0,0,0,0,73,253,253,144,0,0,0,0,0,0,0,0,0,0,54,194,194,236,253,229,77,34,0,0,0,0,0,0,73,253,225,45,0,0,0,0,0,0,0,0,0,0,145,253,253,233,133,32,0,0,0,0,0,0,0,0,171,253,156,0,0,0,0,0,0,0,0,0,0,0,32,156,156,62,0,0,0,0,0,0,0,0,0,53,245,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,223,253,135,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,205,143,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,180,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,126,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,192,118,24,15,22,24,24,55,44,24,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,253,253,220,245,254,253,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,185,228,222,228,184,185,184,152,136,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,25,29,0,0,0,0,187,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,229,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,253,169,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,173,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,255,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,158,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,181,255,153,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,145,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,253,253,253,247,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,245,253,253,253,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,180,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,229,253,253,212,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,232,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,136,89,0,0,0,32,231,206,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,247,122,0,0,10,180,239,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,116,0,0,0,147,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,186,0,0,0,30,242,212,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,234,12,0,0,0,77,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,50,0,0,0,1,187,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,217,8,0,0,0,41,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,172,31,9,4,117,254,109,0,0,3,29,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,216,255,254,218,208,255,254,225,203,203,207,236,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,115,148,202,224,254,227,202,126,122,89,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,205,216,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,212,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,113,113,176,128,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,246,252,252,253,252,246,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,120,246,252,245,195,196,214,252,246,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,252,198,74,0,0,28,199,252,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,204,25,0,0,0,0,57,252,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,27,0,0,0,0,0,0,108,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,152,3,0,0,0,0,0,0,76,252,253,181,19,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,31,0,0,0,0,26,25,88,234,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,169,34,0,4,107,207,205,252,252,252,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,214,140,153,252,253,252,252,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,203,255,253,253,253,253,204,140,88,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,90,167,167,74,27,15,0,57,252,252,152,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,203,252,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,187,254,255,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,226,253,219,115,224,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,248,113,13,0,147,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,139,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,151,9,0,0,0,231,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,232,253,42,0,0,0,64,251,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,168,0,0,3,91,221,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,69,0,0,91,253,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,69,0,55,237,254,254,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,103,198,243,181,56,152,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,254,164,25,0,70,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,160,103,6,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,237,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,195,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,254,254,195,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,246,122,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,177,177,210,253,253,219,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,110,243,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,235,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,188,248,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,241,210,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,83,2,0,0,0,0,0,0,241,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,139,253,141,41,0,0,0,36,129,250,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,252,227,141,42,131,221,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,251,253,253,253,253,253,245,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,153,253,253,249,116,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,118,118,118,118,198,248,241,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,112,151,241,241,250,253,253,253,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,150,235,241,253,253,253,253,253,253,253,253,253,253,253,253,249,51,0,0,0,0,0,0,0,0,0,97,222,251,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,173,0,0,0,0,0,0,0,0,109,253,253,253,253,253,253,253,253,253,253,187,162,223,253,253,253,253,253,253,0,0,0,0,0,0,0,0,168,253,253,253,253,253,253,253,253,198,38,11,16,198,253,253,253,253,251,102,0,0,0,0,0,0,0,0,254,253,253,221,108,175,65,45,45,34,0,17,111,253,253,253,253,249,104,0,0,0,0,0,0,0,0,0,254,253,253,113,0,0,0,0,0,0,54,176,253,253,253,253,253,136,0,0,0,0,0,0,0,0,0,0,221,253,167,5,0,0,0,0,0,51,239,253,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,125,253,45,0,0,0,0,0,85,206,253,253,253,253,253,247,194,85,0,0,0,0,0,0,0,0,0,0,35,71,4,0,0,0,0,0,202,253,253,253,253,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,253,253,139,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,199,156,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,199,253,253,253,253,253,253,253,202,160,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,194,246,253,253,253,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,247,253,253,253,253,253,249,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,110,195,253,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,129,247,247,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,219,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,254,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,229,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,117,141,154,253,253,253,141,116,79,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,252,253,252,252,252,253,252,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,224,186,168,168,168,168,168,178,252,252,252,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,6,0,0,0,0,0,4,28,103,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,113,114,113,210,252,253,159,163,113,163,38,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,254,253,253,253,254,253,253,253,254,234,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,252,253,252,252,252,253,214,196,196,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,56,69,224,252,252,106,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,73,151,151,235,238,151,151,77,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,125,248,254,254,254,254,254,254,254,254,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,6,114,242,255,254,254,224,218,177,114,150,218,244,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,243,67,11,0,0,0,0,0,81,246,237,95,0,0,0,0,0,0,0,0,0,0,0,59,242,254,252,198,32,0,0,0,0,0,0,0,33,240,254,244,0,0,0,0,0,0,0,0,0,0,14,214,255,254,127,0,0,0,0,0,0,0,0,0,0,229,254,244,0,0,0,0,0,0,0,0,0,0,139,254,254,174,3,0,0,0,0,0,0,0,0,2,80,252,254,244,0,0,0,0,0,0,0,0,0,0,126,254,254,155,31,0,0,0,0,0,0,11,63,129,254,254,254,244,0,0,0,0,0,0,0,0,0,0,27,228,254,254,234,214,123,110,110,131,130,219,254,254,254,254,254,244,2,0,0,0,0,0,0,0,0,0,0,37,163,254,254,254,254,254,254,254,254,254,254,227,175,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,8,86,155,224,254,230,155,155,155,53,95,24,48,245,254,246,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,4,0,0,0,0,0,0,0,212,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,225,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,183,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,240,188,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,236,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,139,253,198,222,237,177,172,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,254,155,8,133,232,154,245,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,244,155,4,0,64,47,0,19,243,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,181,236,64,0,0,0,0,0,0,0,155,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,238,67,0,0,0,0,0,0,0,0,139,43,0,0,0,0,0,0,0,0,0,0,0,0,0,3,136,246,61,0,0,0,0,0,0,0,0,11,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,155,0,0,0,0,0,0,0,0,0,31,209,0,0,0,0,0,0,0,0,0,0,0,0,0,7,193,188,6,0,0,0,0,0,0,0,0,0,122,175,0,0,0,0,0,0,0,0,0,0,0,0,0,167,229,45,0,0,0,0,0,0,0,0,0,0,218,99,0,0,0,0,0,0,0,0,0,0,0,0,0,244,88,0,0,0,0,0,0,0,0,0,0,12,235,87,0,0,0,0,0,0,0,0,0,0,0,0,27,231,27,0,0,0,0,0,0,0,0,0,39,204,165,0,0,0,0,0,0,0,0,0,0,0,0,0,191,97,0,0,0,0,0,0,0,0,0,111,220,253,40,0,0,0,0,0,0,0,0,0,0,0,0,64,252,10,0,0,0,0,0,0,0,0,62,244,224,83,1,0,0,0,0,0,0,0,0,0,0,0,0,67,253,10,0,0,0,0,0,0,8,132,238,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,10,0,0,0,0,0,39,207,253,219,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,10,0,0,11,12,94,227,253,165,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,159,155,155,245,253,253,234,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,253,253,240,94,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,196,253,166,138,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,95,188,147,47,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,218,254,254,254,254,240,145,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,254,251,202,249,253,254,238,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,164,39,0,0,66,204,254,230,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,173,18,0,0,0,0,24,243,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,234,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,128,131,60,22,0,202,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,207,229,254,254,254,224,121,245,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,254,254,238,237,254,254,254,254,154,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,199,81,31,28,166,255,254,254,255,223,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,83,0,0,80,224,254,254,157,220,254,250,212,122,47,0,0,0,0,0,0,0,0,0,0,0,0,223,254,181,38,209,253,254,210,28,1,3,134,222,194,67,4,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,254,230,130,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,121,254,254,187,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,214,255,254,176,96,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,5,10,50,114,205,253,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,179,164,0,0,0,0,24,209,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,247,252,87,0,0,0,0,0,66,217,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,253,135,0,0,0,0,0,0,0,110,253,205,11,0,0,0,0,0,0,0,0,0,0,0,0,3,136,252,178,4,0,0,0,0,0,0,0,10,182,253,42,0,0,0,0,0,0,0,0,0,0,0,0,63,253,227,0,0,0,0,0,0,0,0,0,0,57,253,165,0,0,0,0,0,0,0,0,0,0,0,0,142,253,138,0,0,0,0,0,0,0,0,0,0,21,253,243,0,0,0,0,0,0,0,0,0,0,0,20,246,202,8,0,0,0,0,0,0,0,0,0,0,9,203,249,57,0,0,0,0,0,0,0,0,0,0,134,253,130,0,0,0,0,0,0,0,0,0,0,0,0,131,253,93,0,0,0,0,0,0,0,0,0,0,197,253,67,0,0,0,0,0,0,0,0,0,0,0,0,68,253,195,0,0,0,0,0,0,0,0,0,36,240,226,17,0,0,0,0,0,0,0,0,0,0,0,0,68,253,118,0,0,0,0,0,0,0,0,0,47,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,93,0,0,0,0,0,0,0,0,0,47,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,93,0,0,0,0,0,0,0,0,0,47,253,250,69,0,0,0,0,0,0,0,0,0,0,7,30,212,244,10,0,0,0,0,0,0,0,0,0,16,215,253,227,112,0,0,0,0,0,0,0,0,49,197,253,253,145,0,0,0,0,0,0,0,0,0,0,0,146,253,253,250,218,127,115,115,115,155,175,218,237,253,236,112,5,0,0,0,0,0,0,0,0,0,0,0,0,146,215,253,253,253,253,253,253,253,253,253,210,93,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,149,198,185,152,232,149,149,71,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,159,238,226,159,120,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,182,234,226,226,226,226,252,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,254,200,0,0,0,0,236,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,234,65,0,0,4,124,247,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,229,23,0,5,183,254,250,223,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,57,0,28,191,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,140,249,254,254,254,144,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,221,254,254,236,242,248,254,217,89,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,179,77,5,29,118,217,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,3,0,0,0,0,24,207,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,217,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,251,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,73,254,251,19,0,0,0,0,0,0,0,0,0,0,0,0,0,135,89,0,0,0,0,0,0,0,0,0,73,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,234,53,0,0,0,0,0,0,0,20,205,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,254,202,45,3,0,0,0,2,58,201,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,206,99,145,68,160,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,83,232,254,254,254,254,254,254,254,237,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,82,151,129,176,254,189,106,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,39,138,193,147,193,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,128,228,254,254,254,254,254,238,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,179,247,254,254,254,249,253,254,254,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,234,143,103,9,163,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,173,92,35,0,0,6,192,254,248,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,166,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,166,254,254,254,195,50,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,166,254,254,254,254,254,254,232,137,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,248,254,254,254,254,254,254,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,228,200,200,205,254,254,254,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,54,28,0,0,5,80,237,254,254,233,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,236,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,217,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,149,15,0,0,0,0,26,166,255,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,116,104,104,113,212,228,254,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,254,254,254,254,254,254,246,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,238,254,254,254,254,254,254,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,190,254,254,199,146,146,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,29,4,4,29,117,141,255,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,252,178,179,252,252,252,253,252,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,103,139,139,140,139,139,90,78,178,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,64,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,128,255,255,191,128,128,128,191,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,101,237,254,184,101,101,101,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,47,127,200,205,253,253,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,182,253,253,253,253,253,253,253,253,253,253,253,230,58,0,0,0,0,0,0,0,0,0,0,54,149,247,250,253,253,253,253,253,253,253,253,211,160,220,253,253,249,0,0,0,0,0,0,0,0,0,59,228,253,253,253,216,214,214,74,75,214,172,61,33,0,39,142,253,253,0,0,0,0,0,0,0,0,56,229,253,253,253,177,7,0,0,0,0,0,0,0,0,0,0,109,253,168,0,0,0,0,0,0,0,0,246,253,253,222,51,7,0,0,0,0,0,0,0,0,0,0,8,245,253,99,0,0,0,0,0,0,0,0,254,253,253,48,0,0,0,0,0,0,0,0,0,0,15,69,187,253,246,87,0,0,0,0,0,0,0,0,255,253,253,87,0,0,0,0,0,0,0,0,37,131,187,253,253,253,227,52,0,0,0,0,0,0,0,0,254,253,253,245,208,78,78,78,157,231,231,231,237,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,77,202,253,253,253,253,253,253,253,253,253,253,253,252,230,230,245,253,253,207,0,0,0,0,0,0,0,0,0,24,201,253,253,253,253,253,253,253,253,193,129,122,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,0,18,30,30,30,30,30,30,30,30,16,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,220,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,157,187,255,208,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,89,240,254,254,254,254,254,185,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,254,254,254,243,196,235,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,254,254,245,125,11,0,17,236,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,224,49,0,0,0,0,229,254,212,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,231,29,0,0,0,0,0,229,254,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,215,49,0,0,0,0,0,46,248,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,239,254,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,254,242,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,254,242,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,137,72,29,0,136,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,128,247,254,254,228,155,249,254,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,165,254,254,254,254,254,254,254,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,254,254,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,254,254,254,254,254,254,229,136,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,104,169,96,96,201,254,254,254,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,160,254,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,202,254,234,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,200,254,255,234,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,251,254,254,254,254,254,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,254,254,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,178,63,40,40,40,103,235,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,246,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,188,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,174,188,254,242,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,190,254,254,254,254,254,251,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,254,226,195,237,254,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,243,146,16,0,26,223,254,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,133,133,72,0,0,0,0,14,236,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,93,251,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,254,254,146,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,254,146,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,104,235,254,254,241,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,46,27,57,141,233,254,254,252,129,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,254,254,254,231,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,164,199,254,165,164,118,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,134,156,194,156,246,254,255,254,254,238,156,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,254,253,253,253,253,254,253,239,244,253,245,86,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,253,254,186,174,137,137,78,78,24,69,253,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,19,3,0,0,0,0,0,0,92,253,254,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,253,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,254,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,76,253,253,253,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,79,224,253,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,166,237,253,254,253,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,253,253,254,253,222,140,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,240,255,254,223,141,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,61,181,247,253,223,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,247,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,226,60,0,0,0,0,0,0,0,0,0,0,0,0,0,32,59,97,141,86,0,0,0,0,19,164,254,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,67,235,253,254,236,12,0,0,13,65,196,253,253,254,251,72,0,0,0,0,0,0,0,0,0,0,0,0,24,209,253,254,247,175,175,175,224,253,253,253,253,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,57,186,253,253,253,253,254,253,253,247,213,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,58,88,140,133,216,245,155,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,51,51,113,152,152,193,254,253,132,10,0,0,0,0,0,0,0,0,0,0,0,0,21,61,163,203,233,252,253,252,253,252,253,252,253,252,253,91,0,0,0,0,0,0,0,0,0,21,113,193,254,253,254,233,203,203,102,102,82,41,41,0,0,203,255,50,0,0,0,0,0,0,0,0,82,223,253,252,151,151,91,30,0,0,0,0,0,0,0,0,0,203,233,30,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,142,0,0,0,0,0,0,0,0,0,213,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,162,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,142,137,156,172,137,37,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,219,163,239,254,254,254,254,210,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,83,111,201,246,254,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,204,254,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,236,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,238,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,144,154,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,197,203,252,198,72,57,57,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,228,252,252,252,253,252,252,252,205,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,252,252,252,112,237,252,252,252,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,26,128,253,255,215,110,0,0,0,0,0,16,203,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,168,33,0,0,0,0,0,0,0,94,253,252,180,0,0,0,0,0,0,0,0,0,0,0,98,240,245,118,0,0,0,0,0,0,0,0,0,0,222,252,208,19,0,0,0,0,0,0,0,0,0,76,243,252,129,0,0,0,0,0,0,0,0,0,0,0,38,234,252,99,0,0,0,0,0,0,0,0,0,191,252,220,37,0,0,0,0,0,0,0,0,0,0,0,0,146,252,223,0,0,0,0,0,0,0,0,0,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,112,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,252,112,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,67,240,252,221,0,0,0,0,0,0,0,0,159,252,202,10,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,157,0,0,0,0,0,0,0,0,50,237,252,84,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,112,0,0,0,0,0,0,0,0,0,163,253,237,50,63,0,0,0,63,114,50,113,113,113,114,238,253,240,63,0,0,0,0,0,0,0,0,0,57,186,252,237,241,225,225,225,240,253,237,252,252,252,253,252,233,71,0,0,0,0,0,0,0,0,0,0,0,44,195,227,253,252,252,252,252,253,220,239,195,195,196,70,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,84,84,84,84,84,84,37,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,141,253,27,0,0,15,76,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,154,253,253,132,0,96,162,253,174,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,207,234,253,253,241,59,0,170,253,253,253,242,117,5,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,221,62,0,0,170,253,253,253,253,253,65,0,0,0,0,0,0,0,0,0,0,6,151,208,253,253,253,236,64,0,0,0,69,130,253,253,253,253,176,0,0,0,0,0,0,0,0,0,15,177,253,253,253,253,236,199,0,0,0,0,0,7,133,253,253,253,253,0,0,0,0,0,0,0,0,0,132,253,253,253,253,221,64,0,0,0,0,0,0,18,165,253,253,253,182,0,0,0,0,0,0,0,0,42,208,253,253,253,241,62,0,0,0,0,0,0,0,167,253,253,253,253,65,0,0,0,0,0,0,0,0,235,253,253,253,127,25,0,0,0,0,0,34,38,164,251,253,253,253,143,7,0,0,0,0,0,0,0,0,255,253,253,253,169,104,104,104,104,104,104,237,253,253,253,253,253,229,77,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,207,230,253,253,253,253,253,253,253,253,253,253,253,221,205,122,17,1,0,0,0,0,0,0,0,0,0,0,0,74,228,253,253,253,253,253,253,253,181,139,139,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,74,74,74,74,74,74,74,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,129,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,167,234,254,225,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,52,245,254,245,77,26,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,170,254,245,109,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,204,65,0,0,0,191,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,140,22,0,0,0,0,198,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,217,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,227,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,247,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,219,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,128,134,145,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,187,253,253,254,253,253,253,236,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,185,253,253,253,218,154,96,96,96,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,230,253,237,158,84,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,79,230,253,236,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,172,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,181,253,173,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,238,230,230,230,230,230,230,231,230,230,149,84,0,0,0,0,0,0,0,0,0,0,0,0,0,1,93,253,253,253,253,253,253,253,253,254,253,253,253,251,242,104,0,0,0,0,0,0,0,0,0,0,0,0,0,18,122,122,122,122,17,0,0,0,0,18,144,245,254,254,162,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,208,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,224,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,64,0,0,0,0,0,0,0,0,0,0,0,0,12,47,0,0,0,0,0,0,0,0,0,0,0,206,253,24,0,0,0,0,0,0,0,0,0,0,0,11,165,193,0,0,0,0,0,0,0,0,0,0,91,242,253,24,0,0,0,0,0,0,0,0,0,0,0,37,253,193,0,0,0,0,0,0,0,0,17,115,242,253,174,5,0,0,0,0,0,0,0,0,0,0,0,37,253,245,218,120,98,98,51,0,10,98,185,253,253,221,39,0,0,0,0,0,0,0,0,0,0,0,0,4,105,222,253,253,253,253,242,231,232,253,253,253,170,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,104,132,236,253,253,254,253,253,172,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,18,85,156,228,137,93,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,254,254,254,254,254,254,210,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,179,254,254,254,254,254,254,254,254,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,253,172,65,65,101,243,254,254,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,140,47,46,0,0,0,0,84,247,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,6,0,0,0,0,0,0,0,127,254,254,227,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,170,60,60,46,0,0,0,12,255,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,248,254,254,254,241,196,97,7,49,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,247,254,254,254,254,255,254,255,165,177,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,49,249,254,254,196,90,213,254,254,254,254,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,199,8,0,4,89,215,243,192,254,254,146,2,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,147,0,0,0,0,0,12,185,254,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,217,8,0,0,0,0,173,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,238,254,254,184,66,35,66,102,243,254,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,239,254,254,254,230,254,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,196,254,254,254,254,254,254,210,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,130,135,211,254,254,154,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,101,185,213,101,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,194,254,254,254,254,238,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,93,254,254,230,89,135,249,237,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,239,254,222,13,0,0,57,238,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,238,254,227,51,0,0,0,5,151,208,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,196,14,0,0,0,0,55,254,239,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,105,0,0,0,0,0,58,167,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,235,13,0,0,0,0,0,0,135,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,233,229,0,0,0,0,0,8,74,249,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,159,250,62,0,0,0,23,151,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,236,110,31,60,180,254,245,249,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,163,254,235,246,245,171,30,171,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,33,28,27,27,0,0,180,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,198,198,170,141,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,198,255,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,29,114,114,86,29,226,170,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,29,0,0,0,0,0,226,141,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,29,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,141,0,0,0,0,0,0,0,86,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,255,255,255,141,0,86,141,86,141,198,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,170,114,226,255,255,226,255,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,198,0,0,29,141,170,170,170,170,86,141,255,226,86,0,0,0,0,0,0,0,0,0,0,0,141,255,226,29,0,0,0,0,0,0,0,0,0,0,29,170,255,57,0,0,0,0,0,0,0,0,0,0,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,29,226,170,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,141,255,57,0,0,0,0,0,0,0,0,0,0,0,0,57,255,170,0,0,0,0,0,0,0,0,0,0,57,255,198,29,0,0,0,0,0,0,0,0,0,0,29,226,255,86,0,0,0,0,0,0,0,0,0,0,0,114,255,226,57,0,0,0,0,0,0,0,0,29,198,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,198,57,29,0,0,0,0,114,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,255,198,198,198,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,170,226,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,233,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,163,223,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,113,193,254,253,254,253,255,233,41,0,0,0,0,0,0,0,0,0,21,142,203,203,203,203,142,183,213,252,253,252,233,192,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,123,203,203,254,253,254,253,254,233,142,102,11,213,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,50,50,50,50,30,0,0,173,252,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,232,38,0,0,0,0,0,0,11,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,223,25,0,0,0,0,0,0,189,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,174,0,0,0,0,0,0,0,230,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,245,58,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,230,0,0,0,0,0,0,0,43,240,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,168,0,0,0,0,0,0,0,51,243,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,95,0,0,0,0,0,0,0,93,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,93,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,93,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,43,116,116,116,116,165,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,191,159,253,253,253,255,253,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,248,253,252,252,235,206,92,92,92,223,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,122,69,69,44,0,0,0,51,240,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,173,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,59,23,0,0,0,158,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,118,250,207,15,0,0,4,199,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,195,48,0,0,0,70,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,250,195,16,0,0,0,0,189,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,245,48,0,0,0,0,31,241,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,255,76,0,0,0,0,0,102,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,175,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,14,229,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,72,12,0,0,0,35,253,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,254,253,212,157,157,99,169,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,99,180,236,254,254,255,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,91,173,238,253,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,251,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,177,205,250,255,254,227,136,93,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,196,218,218,234,218,218,229,253,209,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,0,0,25,127,249,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,237,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,206,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,82,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,244,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,146,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,149,253,172,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,193,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,242,179,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,172,248,126,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,177,243,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,225,240,79,0,0,0,0,0,0,0,0,0,0,0,13,48,29,0,0,0,0,0,0,0,0,0,44,226,240,81,0,0,0,0,0,0,0,0,60,71,183,183,201,253,226,13,0,0,0,0,0,0,0,0,136,253,162,60,68,84,84,84,84,111,201,201,249,253,244,225,193,131,154,12,0,0,0,0,0,0,0,0,90,253,253,244,247,253,253,253,253,253,253,216,152,93,31,23,10,0,0,0,0,0,0,0,0,0,0,0,2,89,135,135,135,135,193,187,135,108,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,221,254,254,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,220,254,254,254,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,254,202,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,254,254,201,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,176,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,217,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,245,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,226,254,254,204,0,14,151,181,181,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,186,91,204,254,254,254,231,81,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,221,70,254,254,254,254,254,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,211,50,254,254,254,254,194,205,254,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,211,10,195,235,140,49,10,188,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,254,211,0,31,33,0,0,28,227,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,227,30,0,0,0,0,128,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,129,0,0,0,30,225,254,254,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,216,255,225,83,0,63,238,254,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,216,254,251,237,242,254,254,254,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,121,254,254,254,254,254,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,221,255,255,153,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,212,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,234,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,248,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,215,207,208,207,207,207,155,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,231,117,252,252,253,252,252,252,252,241,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,252,135,0,95,116,0,0,0,95,168,255,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,157,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,116,0,0,0,0,0,0,0,0,64,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,21,0,0,0,0,0,0,0,119,248,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,200,0,0,0,0,0,0,22,199,248,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,75,0,0,0,0,74,149,253,253,245,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,22,0,0,13,140,244,253,244,174,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,86,70,91,203,252,252,173,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,253,252,252,218,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,179,252,253,231,106,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,252,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,247,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,222,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,232,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,148,236,254,253,253,156,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,247,252,252,168,231,252,252,226,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,192,252,224,100,21,0,16,29,196,249,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,231,16,0,0,0,0,0,0,140,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,246,218,28,0,0,0,0,0,0,0,62,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,253,89,0,0,0,0,0,0,0,0,62,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,0,0,0,0,0,57,199,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,252,66,6,0,0,0,4,22,128,246,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,189,169,169,169,183,252,252,252,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,174,253,252,252,252,252,236,147,50,95,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,106,106,0,0,0,126,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,181,254,255,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,195,253,253,243,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,253,225,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,144,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,114,0,0,0,0,33,189,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,119,1,0,0,0,99,253,216,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,202,253,253,88,0,0,0,61,228,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,249,253,236,88,1,0,0,173,253,174,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,82,0,0,14,190,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,249,253,184,14,0,0,116,253,228,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,81,0,0,116,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,231,253,226,58,15,116,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,174,195,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,199,253,253,253,253,241,179,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,95,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,48,172,162,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,253,252,197,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,241,252,197,125,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,248,246,87,5,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,160,252,151,0,0,52,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,218,14,0,0,0,45,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,201,242,18,0,0,0,0,0,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,200,222,0,0,0,0,0,0,124,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,210,31,0,0,0,0,108,221,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,213,29,0,111,187,247,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,171,191,255,245,220,115,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,252,252,153,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,202,252,179,106,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,247,53,3,0,170,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,193,0,0,0,26,213,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,234,0,0,0,0,67,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,48,0,0,0,0,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,156,12,0,0,0,209,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,123,78,93,187,241,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,81,253,252,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,41,141,178,203,141,116,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,131,197,252,253,252,252,252,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,185,253,252,252,252,253,252,252,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,214,240,190,65,65,139,253,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,241,163,113,76,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,47,0,0,0,0,0,0,0,0,29,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,255,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,255,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,196,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,203,0,7,7,0,16,29,29,128,192,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,169,187,187,169,216,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,252,253,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,215,252,252,253,252,252,252,253,252,252,151,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,75,157,232,111,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,204,254,254,254,254,197,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,209,254,254,254,254,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,254,254,254,254,254,251,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,233,254,254,240,101,227,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,243,23,17,246,254,254,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,238,254,254,229,107,214,254,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,254,254,254,254,254,254,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,254,254,254,254,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,241,254,254,254,254,254,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,204,172,91,173,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,217,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,254,169,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,191,154,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,254,173,133,41,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,152,163,253,253,246,217,245,221,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,96,246,253,252,135,84,68,0,113,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,183,253,253,195,69,0,0,0,0,21,219,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,47,239,253,225,71,3,0,0,0,0,0,0,206,253,117,0,0,0,0,0,0,0,0,0,0,0,0,17,183,253,184,47,0,0,0,0,0,0,0,0,206,253,144,0,0,0,0,0,0,0,0,0,0,0,0,153,253,191,7,0,0,0,0,0,0,0,0,0,206,253,144,0,0,0,0,0,0,0,0,0,0,0,68,206,253,71,0,0,0,0,0,0,0,0,0,0,206,253,93,0,0,0,0,0,0,0,0,0,0,12,203,253,253,60,0,0,0,0,0,0,0,0,0,35,229,207,13,0,0,0,0,0,0,0,0,0,0,31,254,254,193,0,0,0,0,0,0,0,0,0,0,137,254,157,0,0,0,0,0,0,0,0,0,0,0,145,253,253,193,0,0,0,0,0,0,0,0,0,6,199,253,156,0,0,0,0,0,0,0,0,0,0,0,71,253,253,175,0,0,0,0,0,0,0,0,0,61,253,253,156,0,0,0,0,0,0,0,0,0,0,0,106,253,253,72,0,0,0,0,0,0,0,0,0,142,253,253,133,0,0,0,0,0,0,0,0,0,0,0,145,253,253,101,0,0,0,0,0,0,0,0,64,233,253,192,10,0,0,0,0,0,0,0,0,0,0,0,145,253,253,193,0,0,0,0,0,0,0,0,169,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,28,175,253,242,171,16,0,0,0,0,0,53,198,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,184,98,9,0,5,166,240,253,230,64,7,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,253,253,232,230,232,253,238,144,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,132,173,207,242,195,132,132,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,38,219,254,255,254,194,68,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,206,229,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,253,253,228,176,189,252,253,238,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,122,221,253,253,253,196,41,0,249,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,223,253,253,253,253,191,60,0,40,250,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,198,40,73,9,0,40,227,253,253,183,41,0,0,0,0,0,0,0,0,0,0,0,0,0,50,249,253,253,132,3,0,0,41,228,253,253,222,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,238,253,253,180,9,34,228,253,243,235,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,235,253,253,194,182,253,253,122,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,218,253,253,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,209,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,253,164,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,223,104,246,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,194,0,84,251,253,241,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,233,61,0,209,253,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,253,196,66,90,252,253,253,205,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,253,253,206,252,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,253,253,253,253,253,253,253,253,150,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,17,100,171,253,253,192,135,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,243,255,253,253,159,34,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,253,252,252,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,183,184,196,252,252,252,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,102,252,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,136,236,252,252,253,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,202,253,253,253,253,255,253,253,117,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,252,252,252,252,211,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,252,233,141,69,17,227,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,98,45,33,0,0,0,29,196,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,168,63,0,0,0,207,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,128,24,45,233,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,252,253,252,211,252,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,253,252,252,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,244,253,252,252,252,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,148,252,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,190,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,198,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,242,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,230,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,180,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,252,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,250,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,229,216,131,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,44,226,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,132,254,254,254,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,131,254,254,254,235,190,105,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,254,254,216,99,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,254,254,246,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,70,254,254,246,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,246,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,254,245,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,123,0,0,0,0,19,69,130,69,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,93,0,15,163,199,214,254,254,254,207,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,93,36,215,254,254,254,254,254,254,254,235,121,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,228,16,147,254,235,167,167,167,167,197,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,235,35,168,190,65,0,0,0,0,88,254,254,200,9,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,93,20,10,0,0,0,0,72,235,254,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,2,108,255,160,36,0,0,27,107,107,214,254,215,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,243,237,176,241,254,254,219,142,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,103,254,254,254,254,254,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,88,215,166,130,130,94,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,255,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,170,170,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,255,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,141,226,255,255,255,255,255,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,255,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,86,170,198,86,114,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,134,137,192,107,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,36,20,36,128,154,199,254,254,254,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,104,174,254,216,254,254,229,153,83,83,105,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,213,254,254,254,243,183,92,35,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,243,254,254,114,99,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,224,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,218,253,252,254,253,224,126,89,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,60,226,244,254,254,254,213,91,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,95,177,245,254,254,157,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,217,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,211,254,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,206,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,93,247,254,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,178,254,254,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,84,103,239,254,254,178,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,151,237,254,254,254,224,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,140,135,135,109,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,244,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,220,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,236,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,123,255,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,239,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,151,214,192,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,187,208,222,254,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,8,189,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,250,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,28,54,203,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,249,252,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,254,254,254,247,165,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,43,75,55,108,243,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,227,250,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,229,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,249,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,116,251,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,158,111,13,8,65,65,128,229,255,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,249,249,254,254,254,254,235,133,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,214,165,202,183,121,59,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,253,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,252,252,154,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,43,123,148,148,148,211,254,254,183,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,112,243,254,253,253,253,253,219,253,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,43,235,248,232,215,127,74,21,21,12,56,215,211,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,85,239,63,0,0,0,0,0,0,0,0,6,191,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,14,83,0,0,0,0,0,0,0,0,0,66,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,248,232,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,248,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,255,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,254,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,184,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,250,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,228,254,85,0,0,0,0,0,0,8,43,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,84,0,0,0,0,0,36,202,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,248,253,169,84,22,102,128,198,242,251,152,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,248,253,253,254,253,253,237,145,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,147,147,254,253,156,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,233,193,152,152,152,152,152,152,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,252,253,252,253,252,253,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,233,203,223,244,203,234,253,254,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,151,50,30,0,20,40,0,30,50,172,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,243,122,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,213,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,151,213,252,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,243,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,213,0,0,0,0,0,0,0,0,0,0,0,0,21,183,82,0,0,0,0,0,0,0,0,0,0,203,253,252,41,0,0,0,0,0,0,0,0,0,0,0,113,253,102,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,152,252,142,0,0,0,0,0,0,0,0,0,0,0,213,252,203,0,0,0,0,0,0,0,0,0,0,0,132,253,254,213,52,31,0,0,0,0,0,0,11,92,255,253,183,0,0,0,0,0,0,0,0,0,0,0,10,172,253,252,253,232,203,122,102,102,102,183,213,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,254,253,254,253,254,253,254,253,254,253,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,131,151,232,253,252,253,252,253,171,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,171,253,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,222,252,253,252,252,232,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,242,252,252,253,252,252,252,222,139,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,252,252,253,168,252,252,253,252,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,252,252,252,252,253,252,252,252,253,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,252,252,253,252,241,179,211,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,253,179,61,0,31,227,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,108,15,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,253,222,41,0,0,0,0,0,0,42,222,253,255,98,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,179,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,179,0,0,0,0,0,0,0,0,160,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,179,0,0,0,0,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,180,0,0,0,0,0,0,0,0,21,207,255,180,0,0,0,0,0,0,0,0,0,0,0,0,46,221,252,242,114,31,0,0,0,0,0,0,0,104,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,252,128,0,0,0,0,0,0,6,37,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,1,169,252,252,252,145,20,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,253,149,109,110,109,212,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,252,253,252,252,252,253,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,154,217,247,252,252,253,252,205,71,72,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,211,252,191,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,139,223,254,254,223,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,192,251,252,216,128,215,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,115,239,245,160,75,0,0,114,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,219,254,162,0,0,0,0,0,114,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,243,150,5,0,0,0,0,0,165,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,229,31,0,0,0,0,0,88,245,184,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,11,0,0,0,0,85,248,247,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,219,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,123,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,254,162,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,220,255,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,212,254,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,87,245,254,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,170,254,245,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,209,254,222,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,226,254,209,40,0,0,0,0,0,0,18,62,180,161,0,0,0,0,0,0,0,0,0,0,0,0,39,229,254,209,22,0,0,0,0,13,89,179,248,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,195,254,236,79,57,57,68,151,246,246,254,254,201,155,72,7,0,0,0,0,0,0,0,0,0,0,0,0,71,244,254,254,254,254,254,254,247,225,151,69,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,159,236,187,159,159,90,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,33,223,161,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,221,254,254,254,159,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,254,254,120,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,202,196,236,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,135,249,254,172,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,13,0,0,0,0,0,187,254,254,125,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,223,168,0,0,0,0,0,28,226,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,126,0,0,0,0,0,0,187,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,178,228,25,0,0,0,0,0,0,69,247,254,172,4,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,217,0,0,0,0,0,0,0,0,218,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,217,0,0,0,0,0,0,0,0,218,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,15,232,254,217,0,0,0,0,0,0,0,26,229,254,171,4,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,217,0,0,0,0,0,0,0,188,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,254,217,0,0,0,0,0,0,111,247,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,217,0,0,0,0,0,111,248,254,254,218,16,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,232,100,32,72,130,224,248,254,254,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,254,254,254,238,248,254,254,254,254,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,254,254,254,254,254,164,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,254,254,254,254,254,222,39,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,85,212,255,227,130,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,112,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,225,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,164,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,180,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,226,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,239,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,252,252,252,252,252,245,241,240,240,128,107,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,227,158,158,75,26,26,159,158,242,252,252,233,135,35,0,0,0,0,0,0,0,0,0,0,0,0,94,252,115,0,0,0,0,0,0,0,35,82,235,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,69,242,185,0,0,0,0,0,0,0,0,0,59,217,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,168,76,0,0,0,0,0,0,0,0,17,176,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,160,198,252,252,203,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,27,161,247,252,252,231,197,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,97,252,253,252,252,135,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,252,252,214,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,197,255,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,13,132,235,252,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,233,252,227,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,96,238,252,194,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,41,189,252,252,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,27,27,27,27,98,204,252,252,252,195,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,252,253,252,247,196,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,252,181,120,119,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,87,161,161,119,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,97,76,0,0,9,89,138,237,244,164,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,221,240,219,116,174,216,253,236,171,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,195,40,174,253,228,160,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,161,0,0,85,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,216,107,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,245,213,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,166,254,170,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,56,220,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,167,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,186,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,210,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,248,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,17,0,0,0,0,0,47,214,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,216,191,116,116,116,166,242,196,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,160,160,160,254,236,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,153,254,254,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,67,67,82,177,207,253,253,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,40,206,210,210,212,235,253,253,254,253,253,253,253,210,210,165,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,253,255,253,201,112,10,6,6,4,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,220,198,198,88,88,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,210,55,55,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,200,12,12,79,122,122,123,122,74,113,12,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,253,253,253,254,253,253,253,253,176,33,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,253,253,186,210,196,223,250,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,152,76,33,5,15,9,20,41,167,253,233,44,0,0,0,0,0,0,0,0,0,0,0,0,211,254,223,24,0,0,0,0,0,0,0,0,0,185,255,162,0,0,0,0,0,0,0,0,0,0,0,0,210,253,169,0,0,0,0,0,0,0,0,0,0,89,253,209,0,0,0,0,0,0,0,0,0,0,0,0,119,235,15,0,0,0,0,0,0,0,0,0,0,180,253,209,0,0,0,0,0,0,0,0,0,0,0,0,100,253,94,0,0,0,0,0,0,0,0,0,5,204,253,151,0,0,0,0,0,0,0,0,0,0,0,0,35,247,210,12,0,0,0,0,0,0,0,5,147,253,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,172,8,0,0,0,0,0,0,100,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,253,181,53,0,0,0,8,146,253,253,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,236,155,155,155,224,253,253,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,247,253,253,253,254,253,253,169,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,210,253,253,254,176,100,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,118,118,118,195,254,254,255,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,74,97,104,234,234,251,253,253,253,253,253,253,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,106,244,253,253,253,253,185,140,40,40,43,183,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,183,211,228,198,198,198,21,0,0,0,7,253,253,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,25,20,45,0,0,0,0,0,0,4,116,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,191,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,136,251,250,76,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,243,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,244,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,246,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,247,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,253,217,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,162,253,253,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,252,161,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,67,200,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,106,32,0,0,0,0,0,0,2,80,250,212,58,0,0,0,0,0,0,0,0,0,0,0,0,0,66,226,254,77,0,0,0,0,0,2,80,250,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,209,184,179,38,0,0,0,0,0,9,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,175,146,3,0,0,0,0,0,0,0,99,224,27,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,241,29,0,0,0,0,0,0,0,70,247,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,34,0,0,0,0,0,0,0,3,211,165,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,218,0,0,0,0,0,0,0,52,187,220,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,222,14,0,0,0,0,0,62,211,218,124,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,227,221,183,170,175,147,182,244,246,92,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,49,192,178,172,127,241,255,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,227,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,218,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,178,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,147,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,236,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,101,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,63,100,143,159,177,250,159,159,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,254,254,254,254,254,254,254,253,194,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,254,254,202,163,163,248,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,254,254,101,2,0,0,4,4,170,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,187,250,242,103,0,0,0,5,209,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,228,241,67,0,0,10,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,240,17,0,159,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,196,96,246,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,249,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,239,254,254,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,121,254,241,66,246,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,248,68,0,202,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,213,0,0,202,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,229,32,0,38,230,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,206,3,71,222,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,237,203,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,244,255,254,254,81,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,163,117,62,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,255,168,31,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,252,253,168,162,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,251,160,38,21,14,232,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,231,0,0,0,22,237,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,85,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,232,0,0,61,253,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,170,247,120,85,183,252,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,231,252,216,210,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,42,18,85,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,238,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,95,254,253,248,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,136,253,254,249,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,253,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,230,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,224,253,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,253,253,253,253,167,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,253,254,235,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,254,243,244,249,254,150,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,191,5,0,74,244,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,144,0,0,0,83,253,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,253,253,165,3,0,0,60,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,175,4,0,18,226,253,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,0,39,148,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,215,253,144,139,232,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,238,252,254,253,253,165,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,253,254,253,220,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,173,253,185,11,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,93,192,131,37,7,7,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,212,254,254,254,254,254,254,157,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,160,254,254,254,254,254,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,254,254,254,254,254,254,254,254,254,254,162,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,254,248,196,99,99,205,254,254,254,254,161,3,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,126,0,0,0,75,254,254,254,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,13,219,254,254,204,28,0,0,0,75,254,254,254,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,87,0,0,0,0,75,254,254,254,254,182,6,0,0,0,0,0,0,0,0,0,0,0,0,15,231,254,254,114,0,0,0,0,59,244,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,243,59,0,16,63,160,242,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,212,193,208,254,254,254,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,254,254,254,254,254,254,254,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,225,254,254,254,254,254,254,254,254,254,174,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,126,184,254,254,254,254,254,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,37,37,37,207,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,221,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,49,232,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,150,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,78,156,253,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,252,245,168,168,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,201,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,42,0,0,0,0,0,18,106,158,211,211,212,211,17,0,0,0,0,0,0,0,0,0,0,43,253,253,253,42,0,0,0,100,192,255,253,253,253,253,255,253,245,49,0,0,0,0,0,0,0,0,0,29,231,252,252,42,0,0,131,232,252,204,132,63,63,63,218,252,252,120,0,0,0,0,0,0,0,0,0,0,190,252,252,138,39,206,251,238,99,9,0,0,0,0,51,252,252,189,0,0,0,0,0,0,0,0,0,0,163,252,252,217,253,252,238,28,0,0,0,0,0,0,25,226,252,189,0,0,0,0,0,0,0,0,0,0,50,244,252,252,253,252,55,0,0,0,0,0,0,0,43,252,252,145,0,0,0,0,0,0,0,0,0,0,0,216,253,253,254,151,0,0,0,0,0,0,0,0,61,253,253,84,0,0,0,0,0,0,0,0,0,0,0,41,224,252,253,127,7,0,0,0,0,0,0,36,227,252,201,21,0,0,0,0,0,0,0,0,0,0,0,0,111,249,253,252,181,57,13,0,0,20,92,223,253,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,227,252,252,252,217,169,169,246,252,252,172,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,147,200,252,252,253,252,199,121,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,57,0,29,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,226,57,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,141,29,255,57,0,114,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,226,0,0,86,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,0,0,0,0,0,0,114,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,114,0,0,0,0,0,0,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,114,0,0,0,0,0,86,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,0,0,0,0,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,0,0,0,86,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,29,0,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,226,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,86,141,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,170,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,29,0,0,0,0,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,0,0,0,0,0,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,29,0,0,0,29,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,114,0,0,0,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,86,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,92,152,152,152,152,214,213,152,152,152,71,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,253,252,253,252,253,252,253,252,253,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,21,183,203,122,142,102,102,61,0,0,0,0,102,183,234,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,102,142,213,252,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,254,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,253,252,253,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,102,102,163,223,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,243,193,152,152,152,152,152,152,193,255,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,50,131,151,151,213,252,233,151,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,29,197,254,139,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,196,0,0,85,251,253,251,225,168,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,57,0,0,169,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,225,56,0,168,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,254,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,253,251,253,251,253,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,254,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,251,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,198,253,254,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,84,196,253,251,253,138,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,95,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,237,253,244,161,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,115,254,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,39,0,0,0,5,20,20,20,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,213,12,0,13,116,194,253,253,253,193,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,4,107,230,253,254,253,253,253,253,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,170,253,253,253,254,245,155,245,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,255,254,254,254,208,76,0,0,16,218,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,253,253,129,9,0,0,7,88,244,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,212,254,253,253,91,79,49,86,199,253,253,145,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,253,253,253,253,246,253,253,231,176,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,148,253,215,215,155,155,118,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,225,121,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,251,252,252,252,252,252,159,45,0,0,0,0,0,0,0,0,0,94,94,94,15,0,0,0,0,0,14,159,247,252,173,158,178,252,252,106,0,0,0,0,0,0,0,0,0,211,252,252,82,0,0,0,0,0,0,0,37,39,6,0,54,252,252,222,38,0,0,0,0,0,0,0,0,25,242,252,235,164,53,0,0,0,0,0,0,0,0,0,54,252,252,252,224,0,0,0,0,0,0,0,0,0,119,246,252,252,238,59,0,0,0,0,0,0,0,0,82,252,252,252,224,0,0,0,0,0,0,0,0,0,0,71,204,252,252,176,36,0,0,0,0,0,0,137,231,252,252,250,100,0,0,0,0,0,0,0,0,0,0,0,30,134,252,252,228,12,0,0,0,10,70,233,252,252,249,143,0,0,0,0,0,0,0,0,0,0,0,0,0,28,207,252,252,183,7,0,13,172,252,252,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,252,189,134,246,252,252,252,252,160,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,255,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,129,252,252,252,253,207,145,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,164,197,252,252,252,252,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,129,246,252,252,252,209,252,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,252,252,238,94,25,168,252,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,252,252,174,52,0,0,77,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,154,41,34,26,163,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,148,235,252,252,252,237,218,252,252,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,147,238,248,252,252,252,245,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,119,119,119,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,155,253,254,254,254,227,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,251,246,145,185,243,243,243,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,238,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,172,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,104,95,154,194,171,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,220,253,215,184,104,128,226,155,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,49,12,0,0,0,35,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,176,245,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,129,25,0,70,226,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,232,247,244,251,245,87,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,153,232,153,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,184,249,124,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,201,254,254,150,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,249,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,208,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,201,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,201,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,238,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,245,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,2,0,0,0,0,0,0,0,66,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,114,0,0,0,0,0,0,0,150,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,13,0,0,0,0,0,0,0,211,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,172,0,0,0,0,0,0,0,0,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,62,0,0,0,0,0,0,0,0,248,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,203,9,0,0,0,0,0,0,0,0,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,152,0,0,0,4,12,12,12,12,122,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,240,165,115,115,208,254,243,229,216,238,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,101,138,190,171,88,38,27,13,0,145,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,63,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,121,185,148,224,254,236,138,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,190,254,254,254,178,192,254,254,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,241,187,68,4,1,2,4,128,254,219,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,237,211,68,0,0,0,0,0,0,3,140,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,245,72,0,0,0,0,0,0,0,0,22,208,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,113,0,0,0,0,0,0,0,0,0,0,84,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,64,6,0,0,0,0,0,0,0,0,0,0,44,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,143,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,10,0,63,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,78,78,133,210,228,173,239,254,212,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,244,254,254,254,254,254,254,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,246,175,211,254,254,254,254,254,226,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,135,141,219,254,231,145,214,254,254,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,254,193,82,0,16,185,252,254,148,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,153,153,97,32,0,0,0,0,142,230,254,173,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,154,248,217,68,68,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,199,221,221,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,133,2,0,0,0,0,208,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,128,2,0,0,0,46,244,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,205,236,32,0,0,0,0,71,254,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,214,0,0,0,0,0,139,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,243,254,73,0,0,0,0,14,247,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,226,10,0,0,0,0,16,254,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,250,64,0,0,0,0,0,110,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,224,32,96,96,194,115,96,167,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,252,254,254,254,254,254,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,254,249,249,172,149,151,254,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,0,0,0,0,6,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,231,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,172,214,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,131,253,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,231,254,254,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,254,211,247,254,166,2,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,191,254,223,141,249,254,217,158,199,158,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,166,254,249,79,148,254,254,254,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,175,254,254,253,238,254,254,251,238,192,238,147,3,0,0,0,0,0,0,0,0,0,0,0,0,0,10,165,254,254,254,254,254,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,166,254,254,254,254,254,254,254,237,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,254,254,200,71,168,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,230,235,190,87,20,0,163,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,33,0,0,0,14,237,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,255,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,161,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,167,224,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,135,242,242,247,254,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,139,169,254,254,254,254,220,219,177,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,254,242,193,109,119,55,12,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,168,253,162,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,247,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,217,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,203,254,249,212,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,186,225,254,248,177,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,157,241,254,249,173,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,163,245,254,253,169,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,116,252,253,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,142,254,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,42,0,0,0,0,0,0,0,3,128,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,238,0,0,0,0,0,0,0,97,212,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,206,159,15,0,8,41,110,195,243,254,246,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,254,224,206,215,254,254,254,254,247,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,247,254,254,254,254,243,124,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,217,254,149,128,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,233,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,229,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,207,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,249,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,207,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,214,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,194,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,197,253,224,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,67,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,253,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,159,248,239,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,159,253,138,92,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,253,171,12,169,121,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,200,253,128,6,0,229,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,208,242,157,7,0,62,234,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,117,241,208,80,0,0,0,93,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,249,111,6,0,0,0,0,93,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,67,0,0,0,0,0,0,166,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,232,254,255,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,114,188,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,241,253,253,253,249,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,253,225,102,22,238,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,154,33,0,0,238,253,229,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,230,32,0,0,9,239,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,235,74,49,73,233,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,253,253,253,253,253,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,248,127,122,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,92,174,146,92,59,0,60,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,125,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,213,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,151,221,251,212,20,24,32,171,190,191,170,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,206,221,251,251,251,253,251,188,16,0,0,0,0,0,0,0,0,0,0,0,0,16,162,234,251,251,211,251,253,251,251,235,188,91,236,251,169,0,0,0,0,0,0,0,0,0,0,0,0,162,251,253,251,172,174,251,253,251,172,70,0,0,190,251,188,0,0,0,0,0,0,0,0,0,0,32,253,253,253,219,138,128,253,253,159,39,0,0,0,0,32,253,253,95,0,0,0,0,0,0,0,0,0,151,251,251,251,138,0,127,251,132,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,48,221,251,251,172,0,0,127,219,47,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,134,251,251,196,12,0,0,16,23,0,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,92,253,189,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,32,197,251,188,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,80,253,251,251,109,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,96,240,253,243,109,4,0,0,0,0,0,0,0,0,0,253,251,251,129,0,0,0,0,0,0,0,120,158,240,251,253,121,0,0,0,0,0,0,0,0,0,0,0,195,253,253,189,0,0,0,0,24,96,96,214,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,84,244,251,236,190,92,190,190,205,251,253,247,220,81,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,251,251,251,251,205,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,220,251,251,253,251,251,235,89,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,133,251,253,251,172,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,80,80,80,196,207,80,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,254,254,254,254,254,254,168,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,199,254,254,254,254,254,254,254,246,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,254,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,162,210,239,254,254,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,237,254,254,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,157,254,254,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,140,254,254,254,254,216,70,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,90,250,254,254,254,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,254,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,242,254,254,254,254,254,240,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,238,254,254,254,254,254,254,221,132,132,132,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,157,254,254,254,254,254,254,254,254,254,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,254,254,254,254,254,254,254,254,254,254,235,64,0,0,0,0,0,0,0,0,0,0,0,0,0,15,168,254,254,254,254,254,254,254,254,254,214,61,61,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,254,254,254,254,254,227,157,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,78,163,254,254,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,203,40,0,0,0,0,0,203,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,151,0,0,0,0,31,233,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,0,0,0,92,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,50,0,0,0,21,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,21,203,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,50,0,21,92,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,212,203,223,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,253,254,253,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,252,253,171,151,151,151,192,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,122,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,255,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,59,156,194,156,156,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,250,253,254,253,253,253,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,253,253,222,175,92,78,172,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,246,253,253,148,12,0,0,0,227,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,245,88,5,0,0,0,31,241,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,76,0,0,0,0,43,254,254,254,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,122,6,0,0,8,65,232,253,253,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,30,0,0,0,128,254,253,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,0,0,28,182,248,254,253,195,152,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,196,195,235,253,253,254,162,18,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,173,255,254,254,254,208,76,0,0,197,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,135,135,83,9,0,0,0,234,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,239,155,154,154,155,239,254,255,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,252,243,243,163,143,138,72,56,44,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,228,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,251,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,198,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,249,124,0,0,0,0,0,0,3,40,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,124,0,0,0,0,77,157,198,253,224,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,26,17,66,149,169,232,141,59,32,177,252,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,158,194,253,253,190,49,0,0,0,124,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,211,253,253,181,94,2,0,0,0,0,20,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,39,39,3,0,0,0,0,0,0,12,213,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,246,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,245,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,32,0,0,0,82,253,217,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,167,37,0,81,244,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,220,248,205,250,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,152,234,167,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,209,221,51,33,48,48,50,151,151,194,151,151,151,160,185,22,0,0,0,0,0,0,0,0,0,0,0,95,254,254,249,237,254,254,254,254,254,254,254,254,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,81,253,254,254,255,254,254,224,218,134,114,114,114,146,236,254,140,0,0,0,0,0,0,0,0,0,0,0,0,123,171,171,141,67,67,11,0,0,0,0,0,0,126,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,247,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,243,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,237,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,167,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,238,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,160,123,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,155,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,128,212,254,254,248,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,225,221,125,58,58,41,172,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,235,193,12,0,0,0,5,172,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,49,0,0,0,25,164,205,133,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,19,0,0,77,224,205,43,96,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,247,80,4,88,244,193,18,0,56,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,181,146,244,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,218,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,194,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,241,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,235,87,159,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,166,0,60,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,59,0,0,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,119,0,0,242,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,178,0,0,133,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,250,36,0,74,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,231,193,14,20,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,235,193,56,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,225,254,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,199,151,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,193,234,152,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,254,253,183,20,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,192,70,0,0,0,20,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,224,81,0,0,0,0,0,0,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,212,20,0,0,0,0,0,0,82,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,50,0,0,0,0,0,0,0,163,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,10,0,0,0,0,0,0,21,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,203,253,252,223,203,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,173,253,244,243,254,233,214,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,50,40,203,233,50,10,50,213,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,183,0,0,0,0,203,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,102,0,0,0,0,122,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,82,0,0,0,0,163,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,103,0,0,0,51,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,102,102,142,213,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,223,255,253,255,253,163,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,112,192,172,50,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,51,173,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,203,253,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,233,70,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,234,152,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,234,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,30,50,71,232,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,61,82,243,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,255,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,172,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,214,225,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,0,0,0,0,56,14,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,0,0,57,172,242,215,29,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,134,0,0,0,0,0,0,32,242,253,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,60,0,0,0,0,0,0,89,253,253,201,253,156,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,12,203,253,195,76,253,156,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,60,0,0,0,0,0,31,254,254,75,198,254,36,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,145,253,225,103,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,145,253,235,226,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,145,253,253,253,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,145,253,253,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,95,0,0,0,0,4,176,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,180,0,0,0,82,209,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,243,120,98,207,252,254,198,170,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,253,253,253,201,82,10,21,165,248,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,167,213,132,22,6,0,0,0,3,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,211,255,212,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,216,254,254,254,254,155,0,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,189,254,205,69,26,102,211,198,237,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,231,60,0,0,0,107,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,240,254,86,0,0,0,93,239,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,194,2,0,0,93,239,254,254,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,34,50,163,240,254,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,254,251,252,254,245,212,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,195,232,220,148,62,159,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,13,0,6,206,254,183,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,250,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,238,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,237,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,160,241,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,135,146,146,199,231,232,255,183,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,184,236,253,253,253,253,253,253,253,253,253,216,156,46,0,0,0,0,0,0,0,0,0,0,0,0,37,223,252,248,151,120,32,32,32,71,139,139,228,251,253,241,147,0,0,0,0,0,0,0,0,0,0,7,196,253,145,0,0,0,0,0,0,0,0,0,0,135,253,253,240,45,0,0,0,0,0,0,0,0,0,38,253,253,136,0,0,0,0,0,0,0,0,0,154,224,253,253,229,19,0,0,0,0,0,0,0,0,0,21,221,253,249,146,69,9,0,0,0,0,76,227,249,248,245,253,73,0,0,0,0,0,0,0,0,0,0,0,103,226,253,253,253,235,157,65,88,89,248,242,117,45,53,115,2,0,0,0,0,0,0,0,0,0,0,0,0,29,167,194,253,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,109,243,253,253,253,253,240,145,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,242,199,204,253,253,244,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,114,0,5,79,236,253,253,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,92,0,0,0,55,239,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,234,253,92,0,0,0,0,58,209,253,242,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,206,253,179,0,0,0,0,0,13,219,253,190,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,205,6,0,0,0,0,0,200,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,248,253,81,0,0,0,0,0,77,252,205,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,238,57,0,0,0,0,42,251,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,253,242,70,33,33,107,233,221,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,209,253,253,253,253,253,225,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,138,217,253,149,118,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,34,34,68,192,241,116,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,237,253,253,253,253,254,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,253,253,254,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,250,253,253,250,241,134,232,247,253,253,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,207,253,253,251,116,39,0,0,91,244,253,253,146,5,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,253,69,0,0,0,0,0,171,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,62,250,253,253,172,2,0,0,0,0,0,96,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,67,253,230,136,65,0,0,0,0,0,0,0,224,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,18,157,84,0,0,0,0,0,0,0,0,0,133,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,230,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,253,217,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,238,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,144,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,230,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,242,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,254,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,255,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,228,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,32,231,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,228,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,177,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,204,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,123,252,252,231,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,179,252,252,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,247,171,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,252,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,237,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,253,242,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,56,232,247,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,181,253,128,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,229,253,187,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,192,253,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,241,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,230,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,188,253,182,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,218,16,58,112,171,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,168,253,246,211,241,253,253,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,235,160,160,231,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,239,72,24,0,55,246,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,216,0,0,0,175,253,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,216,0,77,200,249,223,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,252,242,250,253,224,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,97,253,253,229,129,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,194,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,198,101,0,0,0,0,93,130,205,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,254,245,200,162,245,254,254,254,254,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,254,254,254,254,254,241,171,250,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,187,20,89,80,20,20,17,93,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,181,0,0,0,0,0,0,193,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,132,0,0,0,0,0,3,197,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,231,237,27,0,0,0,0,0,42,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,224,226,0,0,0,0,0,0,42,254,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,48,0,0,0,0,0,0,42,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,228,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,214,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,179,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,146,254,242,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,226,90,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,239,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,84,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,173,254,254,247,213,92,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,199,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,255,10,71,159,253,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,187,2,0,18,156,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,121,0,0,0,76,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,230,39,0,57,204,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,244,249,206,251,252,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,154,194,130,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,76,66,86,139,159,222,138,86,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,232,252,252,252,252,245,161,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,152,89,69,38,69,69,69,173,253,252,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,170,253,253,255,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,196,92,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,232,252,251,209,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,181,253,253,117,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,92,188,252,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,215,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,244,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,169,215,21,0,0,0,0,0,0,0,0,0,0,0,0,19,3,0,0,0,0,0,0,0,0,0,0,0,162,253,56,0,0,0,0,0,0,0,0,0,0,0,45,236,169,162,140,47,47,26,0,0,0,17,47,110,219,252,139,0,0,0,0,0,0,0,0,0,0,0,51,208,252,253,252,252,252,221,185,184,184,209,252,253,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,17,45,117,252,252,252,252,253,252,252,252,252,245,139,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,22,107,137,189,253,252,252,210,32,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,189,185,254,255,163,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,253,229,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,251,253,242,217,217,249,253,253,252,163,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,189,114,45,0,0,59,155,253,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,28,0,0,0,0,0,5,121,253,253,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,232,253,239,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,166,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,89,180,192,147,123,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,97,253,253,253,253,253,253,231,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,185,175,241,253,253,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,247,253,209,16,40,233,253,253,253,198,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,236,25,67,225,253,253,253,253,253,210,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,239,144,249,253,243,76,76,247,253,253,243,210,87,11,77,21,0,0,0,0,0,0,0,0,0,0,67,238,253,253,253,190,15,0,0,54,171,250,253,253,253,253,194,17,0,0,0,0,0,0,0,0,0,0,0,68,160,181,101,16,0,0,0,0,0,56,149,201,183,149,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,227,253,253,253,193,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,199,253,252,252,252,252,253,252,186,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,246,252,250,160,21,21,21,144,238,252,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,55,197,252,252,199,70,0,0,0,0,0,28,142,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,226,24,0,0,0,0,0,0,0,13,217,252,89,0,0,0,0,0,0,0,0,0,0,0,0,62,150,97,0,0,0,0,0,0,0,0,0,0,27,229,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,127,180,232,232,233,153,74,22,215,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,252,252,252,253,252,252,252,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,252,244,147,147,165,252,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,218,51,43,43,105,227,253,253,253,255,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,252,252,252,253,252,252,231,168,253,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,252,252,252,252,253,201,118,16,0,100,247,251,135,4,0,0,0,0,0,0,0,0,0,0,0,0,0,84,84,84,84,84,84,21,0,0,0,0,120,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,200,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,86,85,255,253,255,253,198,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,197,251,253,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,255,253,254,253,254,253,254,253,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,57,168,139,251,253,251,253,251,253,251,196,83,139,251,253,251,169,56,0,0,0,0,0,0,0,0,0,0,255,253,255,253,226,168,169,168,114,0,0,0,0,0,254,253,226,56,0,0,0,0,0,0,0,0,57,168,253,251,253,251,56,0,0,0,0,0,0,0,0,0,139,251,225,56,0,0,0,0,0,0,0,0,86,253,255,253,226,56,0,0,0,0,0,0,0,0,0,0,141,253,254,139,0,0,0,0,0,0,0,0,85,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,0,0,0,0,0,0,0,0,198,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,57,168,254,253,0,0,0,0,0,0,0,0,197,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,255,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,86,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,28,196,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,0,114,254,253,254,139,0,0,0,0,0,0,0,0,0,0,85,197,254,196,0,0,0,0,0,0,0,0,0,0,253,251,253,251,169,56,0,0,0,0,0,0,0,0,253,251,253,196,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,254,253,198,85,254,253,254,253,254,253,169,56,0,0,0,0,0,0,0,0,0,0,28,83,253,251,253,251,253,251,253,251,253,251,253,251,196,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,254,253,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,83,253,138,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,106,227,244,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,78,208,208,208,234,253,252,252,231,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,164,242,252,252,246,237,237,238,148,246,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,252,92,0,0,0,0,164,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,225,29,2,0,0,0,0,32,252,252,231,105,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,225,30,2,0,0,0,8,131,252,252,248,104,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,236,252,252,140,31,0,0,139,252,252,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,173,252,252,241,150,91,224,252,252,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,137,223,252,252,253,252,249,136,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,129,252,253,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,255,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,242,252,253,80,143,252,239,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,195,252,252,247,41,15,252,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,189,252,252,252,149,0,8,189,252,252,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,17,0,0,120,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,146,0,0,2,135,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,103,0,112,141,252,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,140,252,252,244,178,224,252,252,252,252,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,252,252,253,252,252,252,238,189,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,129,252,253,252,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,101,225,253,254,224,143,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,252,253,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,240,252,222,58,44,146,252,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,248,64,0,0,3,153,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,208,0,0,0,0,35,246,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,208,0,0,0,0,0,52,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,210,8,0,74,122,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,222,154,253,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,169,252,252,252,253,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,52,176,204,253,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,253,240,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,189,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,238,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,181,254,254,201,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,251,180,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,205,253,253,253,253,253,239,107,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,56,157,252,253,253,253,253,207,112,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,214,253,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,203,240,253,253,253,244,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,114,227,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,183,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,178,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,222,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,49,99,99,99,99,99,99,99,25,0,81,99,234,253,253,253,0,0,0,0,0,0,0,0,9,142,189,189,220,253,253,253,253,253,253,253,205,189,241,253,253,253,253,130,0,0,0,0,0,0,0,0,165,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,163,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,111,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,38,106,167,253,253,253,253,253,253,253,253,253,142,106,106,182,253,253,253,253,0,0,0,0,0,0,0,0,0,0,7,15,15,15,15,15,117,179,68,15,4,0,0,131,253,253,231,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,121,121,191,121,122,121,121,163,219,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,149,241,250,253,253,253,253,254,253,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,97,237,253,253,253,253,243,214,253,254,253,218,239,179,55,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,228,137,39,39,35,23,39,174,46,25,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,228,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,144,27,27,27,27,27,27,27,77,161,55,22,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,253,253,253,253,253,253,253,254,253,253,253,253,231,56,5,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,253,253,253,253,253,254,253,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,43,134,134,134,134,134,64,0,57,134,21,0,188,255,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,107,0,0,0,0,0,0,0,0,0,0,0,111,31,0,0,0,0,0,0,0,0,0,0,0,54,253,246,78,0,0,0,0,0,0,0,0,0,0,0,228,155,12,0,0,0,0,0,0,0,0,0,15,167,253,226,0,0,0,0,0,0,0,0,0,0,0,0,206,253,155,11,0,0,0,0,0,0,0,0,159,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,35,206,233,185,161,91,83,27,27,27,77,161,234,253,213,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,243,253,253,253,253,255,253,253,253,250,211,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,120,204,253,253,255,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,163,254,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,180,253,242,207,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,157,36,14,140,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,144,19,0,0,0,0,32,56,100,109,56,12,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,246,57,0,0,0,0,0,144,253,253,253,253,211,98,35,0,0,0,0,0,0,0,0,0,0,0,120,253,77,0,0,0,0,0,0,12,22,22,22,46,170,252,221,37,0,0,0,0,0,0,0,0,0,6,190,253,10,0,0,0,0,0,0,0,0,0,0,0,0,145,253,189,6,0,0,0,0,0,0,0,0,34,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,3,180,253,67,0,0,0,0,0,0,0,0,130,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,143,0,0,0,0,0,0,0,0,144,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,143,0,0,0,0,0,0,0,0,144,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,114,0,0,0,0,0,0,0,0,144,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,5,193,223,20,0,0,0,0,0,0,0,0,144,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,113,0,0,0,0,0,0,0,0,0,144,253,68,0,0,0,0,0,0,0,0,0,0,0,0,44,235,116,0,0,0,0,0,0,0,0,0,0,106,253,188,4,0,0,0,0,0,0,0,0,0,0,83,242,117,0,0,0,0,0,0,0,0,0,0,0,18,212,253,70,4,0,0,0,0,0,0,0,5,128,246,206,11,0,0,0,0,0,0,0,0,0,0,0,0,55,246,253,165,29,0,0,0,0,6,45,175,253,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,212,253,231,188,188,188,188,197,253,253,122,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,177,253,253,253,253,253,240,143,52,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,228,141,141,141,141,141,91,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,228,252,252,252,253,252,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,56,143,118,56,56,143,205,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,113,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,0,0,0,0,0,0,114,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,231,19,0,0,0,0,0,188,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,190,19,0,0,0,67,246,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,193,63,0,0,185,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,138,235,253,192,66,204,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,185,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,253,252,193,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,78,126,231,253,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,19,215,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,147,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,197,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,40,0,45,229,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,252,165,70,225,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,177,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,152,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,161,254,254,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,211,254,254,254,255,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,158,254,254,254,254,189,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,254,254,254,254,107,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,200,254,254,254,237,159,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,197,254,254,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,233,254,254,254,254,235,66,54,172,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,161,254,254,254,254,254,101,112,221,76,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,254,254,254,254,228,149,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,237,254,254,254,254,254,254,149,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,238,254,254,254,254,254,231,130,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,188,254,254,254,254,254,186,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,254,254,183,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,255,255,254,254,209,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,159,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,237,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,239,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,80,255,194,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,83,125,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,237,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,59,0,0,0,0,0,76,183,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,163,2,0,0,0,37,220,222,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,114,0,0,61,223,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,92,253,250,200,200,250,253,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,135,232,236,253,253,151,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,218,248,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,221,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,239,206,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,191,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,150,150,150,150,150,229,255,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,253,253,253,191,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,92,10,10,10,10,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,250,111,18,120,120,103,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,227,253,253,253,253,253,253,187,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,250,203,124,82,120,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,201,34,0,0,0,0,171,241,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,155,19,0,0,0,0,0,89,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,239,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,194,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,233,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,133,0,0,0,64,249,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,245,51,0,0,0,139,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,228,24,0,0,12,208,245,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,92,5,9,178,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,253,197,235,253,174,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,93,253,253,194,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,181,247,177,135,136,149,123,172,199,163,172,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,254,254,254,254,254,254,254,254,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,112,152,152,121,129,193,165,170,152,98,234,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,247,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,23,54,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,236,164,254,178,51,51,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,254,254,254,254,249,238,192,129,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,164,238,254,254,254,254,254,255,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,191,128,186,186,132,204,204,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,154,0,0,0,0,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,135,0,0,91,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,224,225,152,193,152,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,245,204,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,190,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,192,151,213,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,244,81,0,0,173,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,40,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,131,0,0,0,123,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,21,223,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,234,51,0,0,173,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,232,102,183,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,254,253,214,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,50,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,193,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,231,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,245,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,230,254,249,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,216,13,86,162,201,201,175,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,254,210,106,244,254,254,254,254,249,77,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,254,254,254,254,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,254,137,48,48,174,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,253,89,3,0,7,207,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,254,254,254,164,0,0,6,156,254,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,227,38,38,163,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,251,254,254,254,252,252,254,254,228,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,254,254,248,112,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,59,183,254,231,146,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,140,224,255,254,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,240,253,217,178,160,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,203,254,244,111,3,0,6,220,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,253,218,34,0,0,0,49,178,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,254,218,0,0,0,0,0,144,95,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,85,0,0,0,0,0,103,226,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,161,3,0,0,0,0,96,232,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,45,0,0,0,61,180,254,253,235,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,211,104,152,212,254,248,176,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,244,253,253,251,178,118,41,212,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,117,117,60,0,0,67,254,232,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,248,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,223,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,175,44,143,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,222,253,211,236,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,253,132,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,123,133,192,133,59,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,145,238,253,253,254,253,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,235,147,96,184,230,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,253,253,230,41,0,0,17,205,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,227,43,0,0,0,0,182,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,242,253,110,0,0,0,0,0,147,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,253,77,5,0,0,0,0,0,61,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,36,0,0,0,0,0,0,61,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,125,4,0,0,0,0,0,0,6,199,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,250,218,25,0,0,0,0,0,0,0,30,222,168,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,254,181,0,0,0,0,0,0,0,0,62,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,112,0,0,0,0,0,0,0,0,73,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,198,23,0,0,0,0,0,0,0,7,192,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,72,0,0,0,0,0,0,0,0,129,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,72,0,0,0,0,0,0,0,9,190,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,72,0,0,0,0,0,0,7,156,253,115,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,113,0,0,0,0,0,45,159,253,196,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,245,98,0,0,89,98,238,244,139,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,247,230,230,251,253,197,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,167,253,253,143,75,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,235,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,231,193,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,239,228,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,167,251,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,213,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,101,6,128,234,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,208,244,33,93,254,255,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,113,0,178,254,168,217,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,254,21,108,243,75,6,207,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,197,18,224,162,0,0,207,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,80,105,254,74,0,91,245,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,207,3,126,254,247,245,251,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,205,0,40,150,173,248,239,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,205,0,0,67,205,236,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,233,58,132,214,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,186,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,126,217,93,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,88,254,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,235,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,153,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,242,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,253,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,239,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,192,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,223,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,160,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,186,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,239,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,128,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,85,191,190,247,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,224,246,252,253,236,134,56,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,252,210,101,84,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,103,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,198,239,42,0,0,0,38,64,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,150,0,71,194,236,252,214,140,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,218,245,253,236,212,211,232,253,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,245,98,37,0,0,32,189,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,126,72,0,0,0,0,0,126,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,13,16,0,13,57,234,247,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,217,231,169,218,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,244,252,252,236,112,42,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,97,131,131,131,131,132,166,131,131,115,45,66,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,253,253,254,253,253,253,249,253,253,199,107,3,0,0,0,0,0,0,0,0,0,0,0,0,65,177,177,177,132,119,85,84,84,84,53,84,150,177,242,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,18,0,0,0,0,0,0,0,0,0,3,130,144,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,193,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,252,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,253,199,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,248,253,236,197,190,104,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,253,253,234,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,114,106,119,239,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,211,15,0,178,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,234,253,194,92,231,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,213,253,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,125,137,224,113,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,193,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,142,0,102,183,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,102,0,0,0,131,252,243,203,123,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,11,92,214,253,254,253,163,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,123,213,252,253,171,213,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,244,162,41,0,21,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,130,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,234,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,122,0,152,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,193,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,253,0,21,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,41,142,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,255,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,139,255,235,219,128,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,236,218,240,253,253,216,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,42,0,52,164,241,253,217,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,242,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,249,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,243,251,251,88,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,122,244,253,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,186,253,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,226,102,0,0,0,0,113,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,112,0,0,0,0,8,249,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,112,0,0,0,0,127,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,112,0,0,0,18,235,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,253,112,0,0,20,191,253,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,213,31,59,190,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,232,243,253,216,101,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,201,253,253,162,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,194,255,254,144,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,242,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,253,206,87,82,165,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,228,21,0,0,11,147,72,0,0,0,42,148,104,48,0,0,0,0,0,0,0,0,0,0,0,0,171,253,124,0,0,0,0,0,0,0,40,149,234,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,123,253,133,12,0,0,0,0,69,225,237,253,253,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,53,252,253,87,0,1,81,207,246,253,251,247,178,52,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,206,21,152,253,253,253,233,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,224,253,210,253,253,197,94,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,141,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,247,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,143,151,253,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,13,12,200,253,214,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,11,0,18,209,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,33,0,0,101,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,246,216,29,0,60,253,185,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,224,127,178,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,253,253,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,146,178,135,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,138,222,253,148,128,24,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,151,212,252,252,252,252,253,252,227,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,208,183,183,183,184,227,252,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,192,17,0,0,0,0,29,154,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,85,11,0,0,0,0,0,0,70,252,252,178,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,165,253,252,252,176,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,252,253,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,222,253,253,255,165,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,252,252,237,25,19,70,70,81,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,252,253,223,220,252,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,137,179,252,253,252,252,252,147,128,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,63,143,159,159,159,159,159,195,96,100,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,245,254,254,254,254,254,254,254,254,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,254,254,254,254,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,254,162,101,46,46,101,101,61,4,4,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,246,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,241,254,139,0,10,49,49,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,233,207,216,254,254,211,130,48,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,250,254,254,246,169,115,115,193,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,245,177,48,0,0,0,2,186,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,214,255,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,5,95,180,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,254,254,254,254,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,254,254,254,205,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,200,254,254,174,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,221,254,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,163,254,253,253,253,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,251,253,169,44,10,80,253,211,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,253,229,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,226,45,0,0,0,23,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,251,121,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,165,253,141,0,0,0,0,0,90,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,250,69,0,0,0,0,0,215,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,194,0,0,0,0,0,88,252,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,70,0,0,0,0,0,14,246,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,0,0,100,253,253,162,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,0,27,208,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,22,0,0,0,0,173,253,253,190,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,22,0,0,0,46,227,253,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,39,231,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,80,7,45,227,254,253,205,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,253,249,215,253,253,255,222,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,237,253,253,253,253,196,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,133,191,143,143,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,83,83,83,83,83,83,96,169,169,177,189,169,46,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,254,254,254,254,254,254,254,254,254,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,28,247,254,187,181,206,181,181,181,169,95,95,217,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,13,1,0,5,0,0,0,0,0,8,211,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,249,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,250,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,247,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,242,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,228,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,242,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,214,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,227,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,250,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,109,236,209,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,254,133,2,251,191,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,217,243,71,3,0,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,207,23,0,0,51,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,140,252,150,20,0,0,0,78,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,254,146,0,0,0,0,0,87,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,255,151,122,122,122,122,102,199,248,38,0,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,203,202,202,202,202,215,254,254,251,215,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,28,28,1,0,0,0,0,24,245,175,28,28,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,139,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,173,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,223,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,254,247,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,246,104,0,0,0,0,0,0,20,57,166,68,32,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,126,0,0,0,0,0,19,63,189,254,254,254,225,39,0,0,0,0,0,0,0,0,0,0,4,173,254,231,23,0,0,0,0,19,184,254,254,254,254,254,254,136,0,0,0,0,0,0,0,0,0,0,50,254,254,126,0,0,0,0,86,214,254,254,229,73,55,138,254,136,0,0,0,0,0,0,0,0,0,6,232,254,234,19,0,0,0,86,242,254,254,149,33,0,0,107,254,194,3,0,0,0,0,0,0,0,0,7,254,254,229,0,0,0,18,206,254,254,89,9,0,0,0,210,254,136,0,0,0,0,0,0,0,0,0,7,254,254,123,0,0,17,186,254,254,150,8,0,0,0,86,251,254,136,0,0,0,0,0,0,0,0,0,7,254,254,215,0,0,154,254,254,150,8,0,0,0,131,236,254,210,22,0,0,0,0,0,0,0,0,0,7,254,254,252,154,73,246,254,203,7,0,32,146,231,251,254,255,30,0,0,0,0,0,0,0,0,0,0,1,91,254,254,254,246,254,254,251,237,237,242,254,254,254,210,30,2,0,0,0,0,0,0,0,0,0,0,0,1,82,206,254,254,254,254,254,254,254,254,254,214,30,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,82,130,151,254,254,163,130,94,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,163,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,240,214,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,255,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,245,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,226,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,120,171,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,34,58,96,144,77,34,34,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,188,253,253,253,253,253,253,253,211,148,67,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,188,67,97,154,154,241,254,253,253,154,35,0,0,0,0,0,0,0,0,0,0,0,0,0,91,245,139,15,4,0,0,0,0,9,11,88,212,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,144,115,0,0,0,0,0,0,0,0,0,0,0,243,210,12,0,0,0,0,0,0,0,0,0,0,0,0,46,50,0,0,0,0,0,0,0,0,0,0,35,247,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,151,241,253,149,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,141,254,253,253,201,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,255,253,253,85,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,239,254,253,253,253,232,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,111,154,221,243,254,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,210,253,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,101,253,187,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,245,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,16,193,253,200,0,0,0,0,0,0,0,0,45,45,88,49,45,45,45,45,45,45,45,45,45,150,155,189,253,253,240,119,0,0,0,0,0,0,0,0,177,230,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,206,74,0,0,0,0,0,0,0,0,0,0,23,33,91,143,95,143,143,143,143,143,143,143,143,143,105,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,142,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,247,179,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,236,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,198,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,162,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,94,0,0,0,0,0,0,0,0,27,139,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,243,42,0,0,0,0,0,0,0,4,150,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,146,0,0,0,0,0,0,0,59,254,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,243,192,33,0,0,0,0,0,0,111,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,224,63,14,0,0,0,0,111,254,210,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,253,254,220,150,190,206,206,227,254,243,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,184,254,254,254,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,19,19,19,19,19,121,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,223,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,234,246,175,92,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,126,245,254,214,143,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,86,85,141,253,198,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,197,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,198,197,255,253,226,168,169,168,169,168,85,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,85,138,253,251,253,251,56,0,0,0,0,0,85,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,114,0,0,0,0,0,0,57,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,138,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,83,131,131,192,131,131,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,254,254,254,254,254,254,223,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,252,153,112,142,254,254,222,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,105,105,150,0,0,57,254,254,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,141,254,254,193,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,59,180,254,245,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,60,181,254,246,123,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,254,254,221,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,254,254,236,82,57,57,148,181,181,181,138,57,35,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,254,254,254,254,254,254,254,254,254,254,228,110,0,0,0,0,0,0,0,0,0,0,0,0,101,225,254,254,254,254,254,239,186,186,186,186,186,211,254,229,138,4,0,0,0,0,0,0,0,0,0,0,0,32,55,55,55,55,55,43,0,0,0,0,0,21,194,254,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,235,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,239,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,204,224,251,254,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,107,143,238,254,254,254,158,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,113,133,237,237,250,254,254,219,197,97,18,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,254,225,136,100,8,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,233,106,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,254,221,125,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,249,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,253,251,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,19,19,117,224,253,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,184,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,235,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,235,253,220,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,234,253,198,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,235,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,253,253,217,27,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,184,253,253,253,229,150,150,150,203,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,253,253,253,253,253,253,253,253,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,253,253,253,253,253,252,247,159,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,209,123,123,123,123,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,254,254,254,254,254,254,205,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,143,143,143,105,143,143,143,143,105,178,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,224,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,44,220,253,137,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,118,253,249,151,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,68,193,253,200,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,190,253,237,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,70,191,250,231,137,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,253,221,119,95,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,73,104,137,203,203,233,252,249,204,123,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,49,112,155,253,249,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,247,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,229,253,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,181,253,173,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,230,253,166,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,46,28,46,46,122,243,248,243,119,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,153,144,253,253,177,134,54,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,184,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,254,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,249,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,35,0,0,0,0,65,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,242,43,0,0,0,110,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,102,0,0,0,145,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,254,154,0,0,0,172,254,219,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,157,0,0,0,226,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,230,251,157,0,5,28,212,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,241,254,159,50,194,221,254,254,205,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,241,254,254,254,254,254,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,195,254,254,254,243,223,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,153,142,30,58,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,223,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,229,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,97,97,171,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,253,248,76,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,135,61,61,65,225,172,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,245,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,148,253,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,165,165,95,1,0,0,0,0,22,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,3,155,253,253,253,253,88,1,0,0,20,206,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,226,129,136,253,253,137,23,0,165,253,253,203,17,0,0,0,0,0,0,0,0,0,0,0,0,48,235,126,10,0,1,136,253,253,206,129,249,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,237,169,6,0,0,0,18,173,253,253,253,253,253,253,110,56,45,45,52,38,0,0,0,0,0,0,0,0,255,233,125,199,199,199,199,252,253,253,253,253,253,253,253,236,229,229,233,190,0,0,0,0,0,0,0,0,138,250,253,253,253,253,253,253,253,253,223,212,213,233,251,253,146,212,127,34,0,0,0,0,0,0,0,0,0,88,136,128,188,232,232,99,96,96,26,0,3,49,91,96,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,238,255,236,212,236,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,237,94,13,16,62,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,199,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,142,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,247,195,180,126,81,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,207,41,69,165,254,171,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,121,121,36,0,0,8,165,254,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,224,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,161,252,254,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,45,0,0,0,0,13,133,248,254,254,190,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,244,163,163,163,190,233,254,254,149,36,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,66,96,170,225,225,156,72,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,73,73,32,73,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,181,252,252,211,252,201,181,182,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,253,221,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,220,123,0,62,20,104,143,253,252,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,25,0,0,0,0,0,0,35,222,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,252,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,253,231,71,0,0,0,0,0,0,63,21,0,0,0,0,0,0,0,0,0,0,11,58,181,181,181,232,252,253,231,181,181,182,181,181,181,182,242,201,181,0,0,0,0,0,0,0,0,0,155,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,231,108,0,0,0,0,0,0,0,0,110,253,253,253,253,253,253,253,255,253,253,191,145,144,144,144,0,0,0,0,0,0,0,0,0,0,0,0,15,201,179,179,252,189,76,35,35,35,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,1,71,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,47,69,150,210,255,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,94,142,211,253,253,253,200,160,210,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,52,140,174,249,253,251,217,215,114,31,4,0,50,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,253,177,99,63,0,0,0,0,0,0,135,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,20,2,0,0,0,0,0,0,0,0,188,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,134,253,76,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,117,156,252,253,253,253,205,156,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,202,245,253,253,253,253,241,155,244,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,218,109,87,5,147,253,61,0,4,144,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,191,0,0,0,224,186,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,54,0,0,107,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,228,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,213,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,232,98,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,239,254,251,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,251,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,207,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,120,146,146,146,146,169,208,254,255,208,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,253,253,253,253,253,253,253,253,253,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,193,248,248,248,248,248,162,139,139,183,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,249,224,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,141,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,167,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,228,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,186,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,253,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,222,252,252,252,252,252,238,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,252,252,252,253,231,78,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,128,211,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,189,0,0,0,0,191,252,252,252,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,76,15,0,0,0,0,15,98,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,92,236,253,149,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,37,37,37,16,109,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,253,252,252,190,191,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,255,253,253,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,252,253,252,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,246,215,72,71,77,190,253,252,252,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,215,0,0,125,160,252,253,252,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,253,253,253,255,253,253,253,255,253,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,78,242,252,252,253,252,252,252,253,148,35,35,180,55,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,252,253,252,246,215,72,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,108,190,253,128,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,179,253,252,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,226,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,253,137,78,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,252,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,113,87,87,43,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,252,253,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,252,252,252,253,252,251,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,252,252,199,128,211,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,252,112,7,0,67,200,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,236,14,0,0,15,192,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,184,14,50,185,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,135,251,252,236,245,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,253,252,252,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,173,252,165,217,138,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,142,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,240,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,147,0,0,0,0,0,0,0,0,88,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,147,0,0,0,0,0,0,0,7,208,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,147,0,0,0,0,0,0,0,12,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,147,0,0,0,0,0,0,0,12,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,147,0,0,0,0,0,0,0,12,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,147,0,0,0,0,0,0,0,113,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,147,0,0,0,0,0,0,0,79,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,147,0,0,0,0,0,0,0,79,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,210,35,30,30,30,30,19,28,250,255,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,224,254,254,254,254,254,254,222,247,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,71,71,82,189,189,98,71,71,220,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,219,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,254,238,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,183,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,146,146,146,103,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,100,184,184,230,253,253,253,253,245,184,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,253,253,253,253,251,253,253,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,238,253,231,210,210,107,59,102,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,65,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,149,168,209,120,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,239,194,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,210,7,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,239,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,244,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,119,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,209,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,39,53,147,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,77,86,138,185,185,232,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,5,73,115,167,230,250,249,249,161,128,32,32,110,254,111,0,0,0,0,0,0,0,0,0,0,20,109,152,244,246,211,157,103,22,0,0,0,0,0,62,209,193,15,0,0,0,0,0,0,0,0,0,25,206,254,193,123,52,0,0,0,0,0,0,0,0,84,216,230,19,0,0,0,0,0,0,0,0,0,0,87,135,117,7,0,0,0,0,0,0,0,0,0,81,246,206,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,251,193,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,254,208,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,182,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,55,55,60,163,163,163,163,235,254,255,180,163,52,0,0,0,0,0,0,0,0,0,0,0,0,14,171,225,254,254,254,254,254,254,255,254,254,233,162,116,52,0,0,0,0,0,0,0,0,0,0,0,0,243,254,235,168,125,74,16,107,254,250,108,16,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,116,11,0,0,0,12,209,244,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,5,174,221,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,223,238,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,229,79,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,165,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,193,102,142,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,182,131,50,0,40,172,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,233,142,20,0,0,0,0,152,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,233,50,0,0,0,0,0,0,152,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,0,0,0,0,0,0,0,0,152,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,111,0,0,0,0,0,0,0,0,152,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,91,0,0,0,0,0,0,0,82,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,172,0,0,0,0,0,0,0,203,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,21,0,0,0,0,0,113,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,142,0,0,0,0,41,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,71,0,0,31,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,212,82,0,112,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,193,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,163,61,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,130,20,0,131,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,244,40,0,0,21,223,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,223,20,0,0,0,162,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,71,0,0,132,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,172,203,203,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,180,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,240,223,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,170,252,183,51,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,240,107,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,157,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,162,38,99,162,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,202,240,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,252,252,218,160,211,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,221,35,0,86,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,228,32,0,0,34,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,206,0,0,0,159,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,240,101,70,122,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,252,252,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,158,252,252,200,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,13,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,108,143,227,253,253,58,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,220,253,253,253,253,253,253,164,149,98,80,19,0,0,0,0,0,0,0,0,0,0,0,0,0,4,64,253,253,253,230,128,99,137,248,253,253,253,253,207,4,0,0,0,0,0,0,0,0,0,0,0,4,125,253,253,246,189,25,0,0,0,211,253,253,253,253,253,85,0,0,0,0,0,0,0,0,0,0,13,176,253,253,246,109,0,0,0,0,0,115,210,161,238,253,253,150,0,0,0,0,0,0,0,0,0,3,126,253,253,246,109,0,0,0,0,0,0,0,0,0,144,253,253,168,0,0,0,0,0,0,0,0,0,101,253,253,204,63,0,0,0,0,0,0,0,0,0,0,31,241,253,129,0,0,0,0,0,0,0,0,2,165,253,247,75,0,0,0,0,0,0,0,0,0,0,0,26,240,253,38,0,0,0,0,0,0,0,0,134,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,5,0,0,0,0,0,0,0,0,254,253,239,23,0,0,0,0,0,0,0,0,0,0,0,0,230,253,218,4,0,0,0,0,0,0,0,0,254,253,235,0,0,0,0,0,0,0,0,0,0,0,30,190,249,218,32,0,0,0,0,0,0,0,0,0,254,253,241,36,0,0,0,0,0,0,0,0,0,73,209,253,253,141,0,0,0,0,0,0,0,0,0,0,103,253,253,220,94,34,0,0,0,0,0,110,217,247,253,253,214,29,0,0,0,0,0,0,0,0,0,0,1,150,253,253,253,234,223,223,223,223,223,247,253,253,253,165,30,0,0,0,0,0,0,0,0,0,0,0,0,19,155,253,253,253,253,253,253,253,253,253,253,217,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,91,141,213,253,253,253,226,141,106,18,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,12,12,12,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,59,209,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,137,251,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,251,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,251,226,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,251,251,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,251,251,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,251,251,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,238,253,251,116,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,255,225,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,216,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,239,251,251,243,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,251,251,251,194,46,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,251,251,251,230,200,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,245,251,251,251,203,37,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,251,251,251,251,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,251,251,251,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,251,251,145,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,198,141,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,198,86,86,86,86,170,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,86,0,0,0,0,0,0,0,57,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,141,0,0,0,0,0,0,0,0,0,114,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,198,0,0,0,0,0,0,0,0,0,0,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,114,0,0,0,0,0,0,0,0,141,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,0,0,0,0,0,0,57,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,114,0,0,29,114,198,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,226,255,226,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,198,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,170,0,29,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,0,0,0,170,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,57,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,114,0,0,0,0,0,141,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,86,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,29,0,0,0,0,0,114,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,29,0,0,0,57,141,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,198,170,170,226,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,255,170,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,57,157,57,57,57,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,198,209,252,252,253,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,200,249,253,252,252,252,253,252,252,252,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,179,253,253,255,234,225,225,226,244,253,253,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,233,145,84,28,0,0,0,56,122,221,253,234,38,0,0,0,0,0,0,0,0,0,0,0,0,0,253,170,37,0,0,0,0,0,0,0,0,25,253,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,190,47,0,0,0,0,0,0,0,0,0,0,203,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,178,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,113,114,113,113,213,229,252,243,225,114,113,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,254,253,253,253,254,253,253,253,254,253,216,141,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,252,253,252,252,252,253,252,252,252,253,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,253,252,252,252,253,196,168,168,178,196,130,31,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,252,253,252,252,252,128,9,0,0,4,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,253,254,234,225,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,208,252,202,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,6,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,84,100,54,17,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,81,166,217,254,254,254,254,254,233,164,0,0,0,0,0,0,0,0,0,0,14,34,100,131,126,116,139,216,254,221,160,139,73,57,103,119,57,57,0,0,0,0,0,0,0,0,2,74,205,254,254,254,254,254,242,160,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,210,123,189,205,160,123,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,161,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,193,254,244,164,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,24,135,240,251,220,109,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,93,191,254,250,140,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,107,218,227,141,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,244,247,133,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,161,249,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,82,101,247,213,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,235,254,203,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,16,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,70,188,149,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,108,98,185,254,254,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,104,195,245,254,254,254,254,254,254,242,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,254,254,254,254,254,254,251,200,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,225,143,18,76,254,243,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,254,214,96,47,18,0,0,83,254,243,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,247,137,3,0,0,0,0,39,229,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,8,0,0,0,0,0,0,104,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,211,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,209,254,254,200,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,239,254,254,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,131,241,254,254,228,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,242,254,254,254,255,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,245,254,254,254,254,151,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,254,254,254,149,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,206,254,254,115,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,204,66,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,47,49,150,150,150,193,206,254,255,227,22,0,0,0,0,0,0,0,0,0,0,0,0,14,94,146,197,201,253,253,253,253,253,253,253,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,230,217,217,217,217,181,211,142,225,253,139,0,0,0,0,0,0,0,0,0,0,0,0,25,170,75,67,67,23,0,0,0,0,0,0,0,125,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,235,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,226,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,245,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,244,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,244,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,247,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,249,250,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,235,56,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,227,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,244,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,251,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,77,0,0,0,20,44,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,182,6,0,0,31,214,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,250,161,0,0,6,169,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,87,0,31,197,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,49,0,168,254,192,164,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,211,7,74,246,158,14,158,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,202,3,163,254,137,109,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,129,129,253,254,254,238,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,255,146,231,254,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,254,254,254,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,143,210,126,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,170,254,229,161,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,164,243,248,173,186,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,199,247,162,42,0,78,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,151,0,0,0,161,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,195,0,0,0,0,255,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,160,0,0,5,147,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,160,0,22,161,253,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,194,93,189,244,94,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,210,254,199,17,0,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,11,0,17,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,216,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,90,7,0,0,66,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,203,127,110,215,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,220,93,180,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,253,139,235,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,254,253,225,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,255,254,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,253,156,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,223,200,200,241,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,29,0,50,211,253,253,250,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,109,239,253,253,253,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,253,253,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,198,253,248,139,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,253,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,120,253,253,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,104,240,253,220,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,131,253,191,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,93,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,172,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,138,239,253,253,156,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,85,232,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,10,83,206,253,253,253,253,253,112,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,223,252,253,253,230,230,216,101,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,198,139,105,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,233,253,255,253,253,159,34,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,136,252,235,206,92,143,175,206,248,245,88,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,170,44,0,0,0,0,0,115,184,183,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,172,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,250,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,0,0,34,47,47,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,7,142,234,252,252,216,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,212,252,227,160,160,161,211,207,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,231,48,0,0,0,36,221,244,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,255,92,0,0,0,0,0,85,229,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,253,92,0,0,0,0,0,0,186,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,205,25,0,0,0,0,0,0,25,205,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,21,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,131,70,70,70,112,246,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,98,211,252,252,252,252,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,221,252,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,121,255,127,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,192,252,252,253,252,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,252,253,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,205,102,173,248,252,197,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,194,252,106,0,0,107,245,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,252,106,0,0,0,128,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,197,0,0,0,94,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,247,76,0,12,180,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,196,147,191,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,204,253,253,255,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,252,252,252,253,252,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,245,252,252,252,202,253,252,193,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,244,252,252,243,95,19,39,242,252,107,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,206,96,0,0,0,107,245,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,212,21,0,0,0,0,0,128,252,235,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,235,152,41,41,41,0,0,30,225,252,235,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,232,252,252,252,252,252,161,160,160,238,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,106,127,238,239,252,253,252,252,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,120,175,181,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,124,248,255,213,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,114,253,253,253,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,241,94,232,250,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,253,238,57,11,214,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,214,253,213,41,0,60,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,244,253,241,60,0,0,60,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,244,253,253,109,0,0,0,60,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,186,253,253,150,5,0,0,0,60,253,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,149,253,253,149,5,0,0,0,0,159,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,196,0,42,101,124,162,162,223,253,244,89,10,0,0,0,0,0,0,0,0,0,0,0,0,28,233,253,219,98,159,241,253,253,253,253,253,253,253,253,209,140,67,0,0,0,0,0,0,0,0,0,20,213,253,253,253,253,249,148,124,55,16,16,173,253,240,124,214,244,243,32,0,0,0,0,0,0,0,0,64,253,253,253,234,143,70,0,0,0,0,0,168,253,226,0,0,48,62,0,0,0,0,0,0,0,0,0,105,253,253,176,33,0,0,0,0,0,0,0,168,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,18,86,57,4,0,0,0,0,0,0,0,0,168,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,233,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,244,223,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,203,20,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,0,132,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,152,152,152,173,253,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,233,252,253,252,253,252,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,253,254,253,254,253,254,213,92,31,51,31,21,0,0,0,0,0,0,0,0,0,21,223,253,252,253,252,253,252,253,252,151,151,213,252,253,232,253,232,162,20,0,0,0,0,0,0,0,0,152,253,255,253,214,253,254,253,244,122,0,0,0,82,123,203,102,102,82,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,253,255,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,253,171,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,204,19,0,0,0,0,0,0,34,135,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,234,252,68,0,0,0,0,0,28,228,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,235,0,0,0,0,0,0,27,168,111,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,235,0,0,0,0,0,0,130,253,175,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,217,254,108,0,0,0,0,0,0,169,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,216,12,0,0,0,0,0,73,198,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,185,254,165,0,0,0,0,0,0,107,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,194,0,0,0,0,0,0,150,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,227,103,0,0,0,67,83,135,239,254,254,251,30,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,217,223,225,241,241,252,254,254,254,254,254,254,145,0,0,0,0,0,0,0,0,0,0,0,22,238,254,254,254,254,254,254,246,240,240,248,254,254,254,252,106,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,238,141,141,41,0,0,140,254,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,14,114,115,83,15,0,0,0,0,0,51,254,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,244,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,178,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,242,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,54,120,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,100,240,254,226,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,193,254,254,179,205,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,254,229,56,5,66,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,234,44,0,0,0,250,225,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,192,252,137,0,0,0,0,239,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,211,0,0,0,0,0,131,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,113,0,0,0,0,0,48,255,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,253,78,0,0,0,0,0,12,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,204,0,0,0,0,0,0,12,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,129,0,0,0,0,0,0,121,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,13,0,0,0,0,0,0,136,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,11,0,0,0,0,0,0,250,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,11,0,0,0,0,0,44,251,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,128,0,0,0,51,111,248,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,250,37,53,166,242,254,217,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,250,235,242,254,254,172,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,135,191,135,44,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,255,226,141,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,198,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,170,57,0,0,0,86,198,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,0,0,0,0,0,0,0,0,0,0,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,86,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,29,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,57,226,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,57,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,29,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,86,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,29,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,255,170,170,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,170,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,254,254,163,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,246,156,122,122,195,202,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,141,0,0,0,45,242,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,65,0,0,0,0,114,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,65,0,0,0,0,48,251,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,65,0,0,0,0,48,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,65,0,0,0,0,79,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,244,65,0,0,0,66,232,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,76,18,64,140,240,141,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,228,229,253,253,253,165,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,212,254,254,153,105,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,230,233,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,177,26,48,250,135,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,206,0,0,0,188,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,225,28,0,0,0,49,236,145,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,206,0,0,0,0,0,152,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,221,16,0,0,0,0,20,233,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,232,57,2,0,0,82,242,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,253,196,123,192,254,238,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,131,180,242,159,159,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,48,48,145,151,160,185,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,97,198,220,254,254,254,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,14,52,141,141,213,245,247,255,254,254,254,254,254,254,255,254,171,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,254,254,254,253,171,171,86,200,254,254,254,170,10,0,0,0,0,0,0,0,0,0,0,0,95,254,254,252,228,136,99,20,0,0,33,216,254,254,214,7,0,0,0,0,0,0,0,0,0,0,0,0,29,78,78,70,0,0,0,0,0,59,220,254,254,170,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,102,248,254,249,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,204,254,254,244,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,254,254,254,188,31,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,254,254,254,254,202,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,220,254,254,254,254,254,254,239,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,107,26,109,109,187,235,254,237,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,33,102,3,0,0,0,0,0,0,0,0,88,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,20,0,0,0,0,0,0,0,0,167,254,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,80,0,0,0,0,0,0,4,136,253,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,235,21,0,0,0,0,0,140,254,254,234,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,150,254,230,128,115,115,136,219,254,254,236,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,195,254,254,254,254,254,254,254,234,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,76,242,254,254,254,214,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,244,37,0,0,0,0,0,39,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,199,14,0,0,0,0,0,191,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,36,0,0,0,0,0,0,195,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,153,3,0,0,0,0,0,0,195,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,34,0,0,0,0,0,0,0,195,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,154,3,0,0,0,0,25,92,206,248,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,33,0,0,9,92,206,237,216,153,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,249,91,122,130,212,232,139,55,8,100,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,219,215,168,84,21,0,0,0,127,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,4,0,0,0,0,0,0,0,199,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,206,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,241,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,255,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,225,253,255,253,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,252,252,216,232,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,252,222,106,19,86,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,248,64,0,0,3,211,180,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,250,115,0,0,0,0,185,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,241,0,0,0,0,0,186,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,241,0,0,0,0,37,230,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,231,241,0,0,0,21,223,252,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,245,31,0,34,148,252,252,236,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,213,192,234,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,222,253,253,239,207,100,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,105,43,0,96,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,249,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,209,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,190,133,87,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,45,35,144,230,170,95,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,154,221,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,110,240,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,176,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,240,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,221,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,244,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,212,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,250,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,159,100,91,55,128,210,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,251,254,233,143,85,46,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,84,194,122,55,92,116,154,217,170,185,151,132,186,101,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,0,0,0,0,0,0,0,0,0,156,73,73,73,73,73,73,73,32,52,53,73,73,73,73,73,218,217,237,217,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,212,231,232,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,170,252,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,252,168,0,0,0,0,0,0,0,0,0,124,143,143,205,143,143,143,83,124,143,143,144,143,61,205,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,1,20,0,0,0,0,0,0,0,0,0,0,144,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,252,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,148,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,180,55,118,86,66,19,0,11,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,252,212,206,119,203,161,203,161,140,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,221,252,253,208,234,200,252,253,240,131,117,0,0,0,0,0,0,0,0,0,0,0,0,0,43,180,235,108,45,45,161,105,227,108,202,46,37,21,21,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,227,32,0,0,0,5,16,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,253,253,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,252,252,252,241,138,70,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,252,197,236,252,236,61,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,96,221,252,252,253,252,252,252,242,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,63,0,0,0,0,0,74,234,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,193,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,165,24,0,0,7,118,243,255,253,247,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,100,120,186,252,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,252,252,252,252,247,162,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,160,253,252,252,252,168,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,137,221,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,30,213,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,206,252,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,151,253,252,252,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,136,252,253,252,252,252,217,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,252,252,253,252,252,188,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,213,252,169,60,253,252,242,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,241,252,179,38,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,133,5,0,0,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,193,16,0,110,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,252,196,69,236,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,161,252,253,253,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,250,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,235,252,253,234,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,252,127,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,13,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,220,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,253,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,242,253,171,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,29,0,0,0,114,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,141,0,0,0,114,255,198,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,0,0,0,141,255,114,0,57,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,86,255,170,0,0,0,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,255,226,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,170,255,0,0,0,0,29,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,57,0,29,255,198,0,0,0,0,114,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,0,0,114,255,29,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,226,198,0,0,0,0,29,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,255,141,0,0,0,29,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,255,57,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,29,0,198,198,86,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,170,198,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,198,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,186,195,116,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,254,231,222,143,126,36,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,223,70,188,254,254,254,254,254,252,188,173,92,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,220,6,2,35,101,182,254,254,254,254,255,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,55,0,0,0,3,38,55,134,198,230,249,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,36,0,0,0,0,0,0,0,0,0,56,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,17,0,7,75,194,212,196,76,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,153,127,203,254,254,254,254,254,204,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,254,254,227,170,206,206,245,254,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,246,152,48,21,0,0,0,82,250,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,82,34,0,0,0,0,0,0,0,139,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,226,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,128,221,254,249,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,24,143,236,254,254,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,53,58,68,68,112,193,254,254,254,243,183,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,248,250,254,254,254,254,248,246,221,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,86,158,227,198,158,91,51,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,80,116,255,254,175,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,253,253,181,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,123,237,252,253,253,221,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,144,253,253,253,253,127,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,131,253,253,253,161,34,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,227,253,253,210,130,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,136,253,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,233,253,253,209,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,144,253,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,172,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,130,0,0,52,71,186,197,71,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,202,149,149,225,253,253,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,253,253,253,253,253,253,253,253,248,137,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,253,166,157,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,253,253,245,43,15,95,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,202,253,253,253,253,248,115,115,249,253,253,193,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,238,253,253,253,253,253,253,253,253,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,203,253,253,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,96,253,253,253,253,204,78,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,115,254,254,254,255,217,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,216,253,253,253,253,253,253,219,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,253,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,250,253,253,208,160,160,160,239,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,204,253,253,253,253,224,46,0,0,192,253,227,58,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,253,253,253,253,253,253,222,46,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,253,253,175,176,253,230,56,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,87,237,253,253,211,68,6,7,68,50,0,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,209,33,0,0,0,0,0,0,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,0,45,249,253,253,28,0,0,0,0,0,0,0,0,62,253,253,59,0,0,0,0,0,0,0,0,0,0,33,221,253,253,155,5,0,0,0,0,0,0,0,0,62,253,253,45,0,0,0,0,0,0,0,0,0,0,122,253,253,234,59,0,0,0,0,0,0,0,0,0,62,253,200,23,0,0,0,0,0,0,0,0,0,0,200,253,253,214,0,0,0,0,0,0,0,0,0,32,208,253,145,0,0,0,0,0,0,0,0,0,0,0,200,253,253,214,0,0,0,0,0,0,0,0,20,208,253,253,145,0,0,0,0,0,0,0,0,0,0,0,200,253,253,214,0,0,0,0,0,0,0,0,169,253,253,249,79,0,0,0,0,0,0,0,0,0,0,0,58,227,253,247,131,4,0,0,0,44,62,198,241,253,238,92,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,167,162,162,162,226,253,253,252,245,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,253,253,253,253,253,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,207,253,253,253,253,253,253,253,163,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,99,99,118,173,99,99,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,135,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,228,20,77,77,178,185,185,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,254,244,225,254,250,249,250,254,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,254,254,240,211,141,22,0,60,254,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,136,43,0,0,0,42,123,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,189,10,0,0,7,98,235,254,246,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,117,29,50,103,220,254,254,196,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,229,254,254,254,254,118,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,253,254,254,248,123,38,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,254,254,208,163,122,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,249,254,254,254,254,254,254,254,254,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,251,254,220,87,16,16,102,125,125,212,254,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,222,33,0,0,0,0,0,0,0,173,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,47,0,0,0,0,0,0,0,0,90,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,27,0,0,0,0,0,0,0,0,241,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,27,0,0,0,0,0,0,16,108,251,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,27,0,0,0,0,0,54,185,254,254,184,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,195,33,19,33,56,141,199,254,254,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,206,254,254,222,254,254,254,254,254,197,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,139,254,254,254,254,168,91,38,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,233,30,0,0,0,41,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,203,0,0,21,113,233,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,183,253,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,21,214,253,254,253,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,223,203,253,252,253,212,91,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,253,123,0,51,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,233,70,0,0,213,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,255,253,234,71,52,213,255,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,253,252,253,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,255,253,255,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,151,192,253,212,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,104,162,245,178,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,114,164,230,249,253,254,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,208,216,253,253,254,240,154,137,220,253,234,38,0,0,0,0,0,0,0,0,0,0,0,68,119,184,191,253,254,253,177,94,69,31,0,34,254,253,104,0,0,0,0,0,0,0,0,0,0,114,170,254,236,248,197,151,34,0,0,0,0,0,15,229,255,199,17,0,0,0,0,0,0,0,0,0,38,243,253,219,17,21,4,0,0,0,0,0,0,0,157,253,241,27,0,0,0,0,0,0,0,0,0,0,70,253,234,13,0,0,0,0,0,0,0,0,0,55,245,244,34,0,0,0,0,0,0,0,0,0,0,0,19,186,113,0,0,0,0,0,0,0,0,0,51,247,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,204,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,206,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,242,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,255,253,253,253,253,255,253,253,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,252,235,248,253,252,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,69,69,69,101,236,253,252,252,185,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,252,253,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,252,252,253,252,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,253,253,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,253,236,129,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,173,222,252,252,154,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,135,252,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,174,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,0,19,181,255,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,236,109,236,252,253,252,252,172,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,252,252,252,252,253,218,69,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,252,252,252,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,211,252,252,42,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,38,0,0,0,0,0,2,20,20,20,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,38,0,0,0,0,47,128,254,254,254,204,128,19,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,38,0,0,4,116,244,254,222,206,206,238,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,38,0,4,142,254,173,48,16,0,0,87,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,38,0,148,254,200,41,0,0,0,0,0,74,214,62,0,0,0,0,0,0,0,0,0,0,0,0,92,254,38,65,251,227,35,0,0,0,0,0,0,0,198,91,0,0,0,0,0,0,0,0,0,0,0,0,92,254,119,183,254,63,0,0,0,0,0,0,0,75,243,91,0,0,0,0,0,0,0,0,0,0,0,0,31,252,246,230,234,27,0,0,0,0,0,0,0,231,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,148,255,254,254,155,41,0,0,0,0,2,130,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,252,242,46,0,0,0,21,180,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,201,53,0,0,30,133,248,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,194,253,242,226,226,239,254,219,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,202,254,236,152,62,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,176,0,0,0,0,0,0,0,0,0,0,0,0,0,39,59,0,0,0,0,0,0,0,0,0,0,0,202,236,0,0,0,0,0,0,0,0,0,0,0,0,0,140,251,41,0,0,0,0,0,0,0,0,0,9,214,236,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,44,0,0,0,0,0,0,0,0,0,36,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,228,231,21,0,0,0,0,0,0,0,0,0,97,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,228,210,0,0,0,0,0,0,0,0,0,0,211,254,107,0,0,0,0,0,0,0,0,0,0,0,0,28,240,210,0,0,0,0,0,0,8,79,193,202,245,254,61,0,0,0,0,0,0,0,0,0,0,0,0,68,254,173,0,0,0,1,18,163,210,254,254,254,254,237,36,0,0,0,0,0,0,0,0,0,0,0,3,183,254,97,52,67,97,103,254,255,254,248,196,241,254,107,0,0,0,0,0,0,0,0,0,0,0,0,22,212,254,254,254,254,254,254,254,254,144,33,0,219,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,43,192,254,254,254,249,175,145,0,0,0,35,243,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,8,8,8,8,0,0,0,0,0,78,254,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,245,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,251,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,238,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,252,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,144,228,255,202,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,249,198,109,223,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,234,85,0,0,21,217,60,14,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,183,229,59,0,0,0,0,217,183,98,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,166,0,0,0,0,0,108,119,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,234,13,0,0,0,0,0,0,0,182,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,222,181,0,0,0,0,0,0,0,11,222,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,77,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,62,222,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,181,0,0,0,0,0,105,243,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,202,31,0,0,85,189,254,217,238,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,243,222,216,248,238,95,9,199,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,145,203,132,151,26,0,19,226,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,188,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,26,0,0,0,0,0,0,85,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,249,253,42,0,0,0,0,0,13,222,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,244,0,0,0,0,0,0,32,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,116,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,103,0,0,0,0,0,0,174,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,215,6,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,248,92,0,0,0,0,0,0,22,228,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,173,0,0,0,0,0,0,0,80,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,255,115,0,0,0,0,0,0,0,164,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,241,230,230,139,122,26,0,0,230,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,253,244,254,253,215,7,66,249,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,69,69,44,94,177,253,135,229,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,151,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,189,254,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,199,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,137,254,212,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,253,219,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,250,147,105,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,217,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,207,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,99,0,0,0,2,53,81,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,210,236,0,0,0,10,157,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,106,0,0,0,103,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,45,0,0,0,247,253,166,176,238,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,217,254,15,0,0,38,255,161,10,162,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,15,0,0,168,242,28,0,129,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,199,253,36,0,15,237,210,0,0,186,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,171,5,111,253,126,27,114,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,212,253,209,219,253,164,240,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,115,253,253,253,254,242,103,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,39,118,245,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,147,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,213,133,120,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,98,176,199,176,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,141,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,20,35,192,239,253,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,138,181,253,253,253,254,216,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,227,241,254,253,253,231,176,95,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,254,253,154,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,98,30,159,254,218,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,250,125,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,229,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,240,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,255,76,19,112,194,194,239,254,163,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,76,106,196,253,253,241,235,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,222,19,226,253,128,78,30,6,78,209,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,251,140,239,212,49,2,0,0,0,0,189,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,222,14,254,39,0,0,0,0,0,68,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,214,99,255,61,0,0,0,14,149,254,207,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,168,15,238,144,14,34,154,224,236,135,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,158,79,156,253,229,247,253,183,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,254,253,195,117,41,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,193,155,58,133,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,13,13,122,132,139,253,178,110,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,175,252,252,252,252,253,252,252,252,226,53,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,179,252,252,252,236,216,159,216,221,252,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,213,157,48,0,0,0,12,196,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,158,157,14,0,0,0,0,6,135,229,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,252,252,162,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,252,252,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,237,252,252,234,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,109,246,253,252,184,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,253,241,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,255,253,253,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,159,228,242,252,252,252,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,219,252,252,252,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,30,0,0,0,8,188,252,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,205,225,181,8,0,0,62,232,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,221,8,0,0,11,193,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,252,252,46,0,0,61,212,252,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,252,220,217,218,237,252,252,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,252,252,253,252,252,252,226,110,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,172,252,252,252,253,183,131,51,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,248,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,253,253,178,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,179,253,253,253,254,216,214,102,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,173,240,253,253,253,253,254,253,253,253,239,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,49,188,253,253,253,219,122,66,67,123,199,245,253,253,187,20,0,0,0,0,0,0,0,0,0,0,0,57,241,253,253,253,225,29,0,0,0,0,0,68,185,221,253,189,17,0,0,0,0,0,0,0,0,0,0,153,244,253,253,247,120,0,0,0,0,0,0,0,0,20,189,253,191,0,0,0,0,0,0,0,0,0,0,241,253,253,250,119,0,0,0,0,0,0,0,0,0,0,41,253,240,0,0,0,0,0,0,0,0,0,0,241,253,140,88,0,0,0,0,0,0,0,0,0,0,0,112,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,249,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,247,253,179,11,0,0,0,0,0,0,0,0,0,0,0,123,214,214,214,214,214,136,81,43,0,0,69,245,253,219,15,0,0,0,0,0,0,0,0,0,0,0,121,248,253,253,253,253,253,253,253,230,144,117,217,253,239,86,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,105,136,158,199,231,253,254,253,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,74,0,0,0,77,253,255,253,253,253,253,195,146,0,0,0,0,0,0,0,0,0,0,0,0,40,152,253,229,161,161,161,214,253,255,253,229,235,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,40,148,250,253,253,253,253,253,248,113,11,34,212,240,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,218,253,253,246,120,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,245,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,50,0,0,0,0,120,240,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,228,187,0,0,0,0,194,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,152,0,0,0,7,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,226,8,0,0,0,79,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,145,0,0,0,0,155,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,214,0,0,0,0,0,144,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,152,0,0,0,0,55,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,154,235,40,0,0,0,0,92,240,4,0,0,0,29,31,0,0,0,0,0,0,0,0,0,0,0,0,73,254,84,0,0,0,14,39,158,251,132,115,188,190,216,144,0,0,0,0,0,0,0,0,0,0,0,0,198,254,161,71,76,182,230,254,254,254,205,124,97,95,27,12,0,0,0,0,0,0,0,0,0,0,0,0,232,254,254,254,254,242,190,120,243,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,107,78,66,61,10,0,74,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,216,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,192,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,203,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,220,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,201,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,255,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,133,121,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,45,42,0,92,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,76,76,125,213,221,231,230,213,251,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,140,253,253,253,253,253,253,253,253,253,233,159,17,0,0,0,0,0,0,0,0,0,0,0,0,0,8,139,253,253,253,222,219,192,82,82,148,219,249,253,173,13,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,246,179,11,0,0,0,0,0,0,138,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,190,3,0,0,0,0,0,0,0,83,253,253,243,60,0,0,0,0,0,0,0,0,0,0,134,252,253,253,253,81,0,0,0,0,0,0,0,2,201,253,253,175,0,0,0,0,0,0,0,0,0,135,249,253,253,126,93,1,0,0,0,0,0,0,0,0,199,253,253,253,0,0,0,0,0,0,0,0,32,239,253,253,188,19,0,0,0,0,0,0,0,0,0,23,214,253,253,253,0,0,0,0,0,0,0,0,218,253,253,213,22,0,0,0,0,0,0,0,0,0,0,83,253,253,253,227,0,0,0,0,0,0,0,0,254,253,253,234,54,0,0,0,0,0,0,0,0,0,83,194,253,253,240,41,0,0,0,0,0,0,0,0,251,253,253,253,179,62,0,0,0,0,0,0,4,7,241,253,253,253,229,0,0,0,0,0,0,0,0,0,118,253,253,253,253,246,125,125,125,125,125,125,197,253,253,253,253,165,49,0,0,0,0,0,0,0,0,0,6,139,237,253,253,253,253,253,253,253,253,253,253,253,253,253,138,4,0,0,0,0,0,0,0,0,0,0,0,0,28,64,227,253,253,253,253,253,253,253,253,253,219,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,62,191,252,253,253,253,253,218,191,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,75,75,149,75,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,255,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,230,234,235,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,242,110,247,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,102,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,198,152,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,6,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,236,48,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,204,191,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,253,255,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,239,231,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,181,252,244,62,190,252,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,77,0,190,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,216,252,226,24,0,146,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,190,0,25,157,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,237,190,227,252,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,252,252,252,252,253,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,252,252,252,190,210,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,104,147,50,42,42,0,14,236,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,217,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,228,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,233,253,171,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,241,245,61,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,177,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,247,253,145,0,0,0,0,0,89,235,210,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,193,5,0,0,0,0,45,226,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,254,37,0,0,0,0,30,233,253,253,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,202,5,0,0,0,27,216,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,182,0,0,0,0,255,254,254,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,181,0,0,0,72,254,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,217,35,0,0,181,254,253,253,218,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,247,241,199,199,238,254,253,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,162,207,220,253,254,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,78,172,172,172,172,99,91,88,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,162,254,254,254,254,254,254,254,230,202,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,251,181,79,79,84,147,224,237,254,249,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,121,94,0,0,0,0,0,0,45,116,234,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,243,247,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,230,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,76,54,55,117,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,197,248,254,254,254,254,254,246,184,141,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,246,254,254,254,254,255,254,254,254,254,254,243,184,35,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,227,130,152,171,254,213,175,166,254,254,224,175,61,0,0,0,0,0,0,0,0,0,0,0,0,29,248,254,93,106,236,254,202,10,0,5,86,102,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,254,254,254,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,224,254,254,254,134,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,241,254,84,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,94,158,237,255,149,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,207,254,254,254,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,254,254,202,202,254,254,251,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,254,249,98,2,8,165,228,254,225,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,108,0,0,0,0,38,220,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,43,0,0,0,0,0,106,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,43,0,31,162,17,26,229,239,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,218,211,235,254,124,175,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,254,254,254,254,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,162,209,254,254,254,155,94,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,254,242,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,254,233,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,250,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,134,73,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,70,170,253,106,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,244,253,253,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,241,253,253,220,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,76,245,253,253,218,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,241,253,253,220,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,253,253,217,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,246,253,253,170,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,220,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,248,253,253,147,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,197,253,253,243,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,251,253,253,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,221,253,253,220,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,196,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,173,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,205,175,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,195,254,255,254,255,199,119,28,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,188,253,253,253,253,253,253,253,253,230,145,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,219,253,245,215,50,10,10,46,127,243,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,208,51,0,0,0,0,0,0,80,245,253,219,31,0,0,0,0,0,0,0,0,0,0,0,4,136,252,246,78,0,0,0,0,0,0,0,0,218,253,253,93,0,0,0,0,0,0,0,0,0,0,0,37,253,253,109,0,0,0,0,0,0,0,22,103,204,253,250,67,0,0,0,0,0,0,0,0,0,0,6,177,253,224,10,0,0,0,0,0,0,0,30,249,253,253,247,38,0,0,0,0,0,0,0,0,0,0,94,253,253,56,0,0,0,0,0,0,0,0,0,95,247,253,246,23,0,0,0,0,0,0,0,0,0,0,138,253,218,12,0,0,0,0,0,0,0,0,0,0,228,253,253,93,0,0,0,0,0,0,0,0,0,51,232,253,107,0,0,0,0,0,0,0,0,0,0,0,89,203,253,156,0,0,0,0,0,0,0,0,0,150,253,239,41,0,0,0,0,0,0,0,0,0,0,0,0,171,253,196,0,0,0,0,0,0,0,0,0,150,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,171,253,206,8,0,0,0,0,0,0,0,0,150,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,171,253,210,12,0,0,0,0,0,0,0,0,96,253,253,180,3,0,0,0,0,0,0,0,0,0,0,33,249,253,183,0,0,0,0,0,0,0,0,0,14,181,253,253,20,0,0,0,0,0,0,0,0,0,0,199,253,250,65,0,0,0,0,0,0,0,0,0,0,86,253,253,166,7,0,0,0,0,0,0,0,76,199,251,239,96,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,125,9,0,0,0,0,0,88,249,253,248,61,0,0,0,0,0,0,0,0,0,0,0,0,0,35,243,253,253,173,47,11,11,94,174,245,253,218,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,236,253,253,253,253,253,253,230,199,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,198,253,253,253,213,132,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,175,254,174,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,232,252,239,231,252,211,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,101,242,252,244,62,16,83,245,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,210,66,0,0,0,153,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,244,49,0,0,0,0,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,219,254,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,39,43,43,43,43,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,85,164,247,252,252,253,252,252,211,146,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,252,252,252,244,232,231,242,252,252,206,6,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,253,252,185,84,49,0,0,42,111,242,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,252,253,94,4,0,0,0,0,0,0,124,253,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,254,174,74,0,0,0,0,0,11,219,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,212,64,0,0,0,8,171,252,239,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,247,252,247,232,128,206,234,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,221,252,252,253,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,68,147,253,252,155,77,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,109,150,191,255,218,236,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,234,253,253,253,253,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,231,134,54,95,236,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,84,26,0,14,185,245,235,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,131,228,253,245,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,101,247,253,175,50,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,204,253,253,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,232,253,253,174,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,98,181,175,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,102,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,220,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,199,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,39,0,0,0,0,0,0,0,0,0,111,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,239,84,3,0,0,0,0,0,0,3,188,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,175,52,28,0,0,0,0,87,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,169,252,245,233,197,115,72,150,251,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,210,207,253,253,253,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,11,149,147,253,175,137,46,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,254,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,171,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,246,230,121,149,239,242,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,151,0,0,0,100,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,237,43,0,0,0,56,248,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,252,108,0,0,0,0,100,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,231,246,39,0,0,0,0,119,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,245,31,0,0,0,83,241,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,233,187,111,221,243,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,253,253,253,253,255,230,248,250,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,177,227,252,223,187,57,209,236,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,44,25,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,247,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,43,43,52,148,148,255,253,253,183,60,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,252,252,252,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,253,252,252,252,235,214,161,222,126,126,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,235,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,247,242,232,188,128,127,119,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,189,205,252,190,210,252,231,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,42,0,14,95,217,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,141,249,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,210,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,112,242,253,252,201,63,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,253,210,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,190,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,226,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,124,113,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,180,254,190,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,102,211,155,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,210,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,246,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,235,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,167,210,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,242,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,178,193,0,0,0,0,15,35,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,208,13,0,29,125,203,222,190,112,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,125,28,205,255,254,254,249,195,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,185,254,179,249,240,154,159,170,35,39,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,177,6,0,0,0,0,74,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,237,254,185,19,0,0,0,0,32,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,231,197,205,18,0,0,21,17,214,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,36,85,244,162,22,69,239,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,19,16,42,230,240,254,254,161,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,163,200,102,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,121,121,206,254,254,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,253,253,253,254,242,121,108,108,108,108,108,45,0,0,0,0,0,0,0,0,0,0,40,60,123,248,233,159,159,214,253,254,253,253,253,253,253,253,253,107,0,0,0,0,0,0,0,0,0,0,220,239,247,232,66,0,0,23,110,212,253,253,253,253,253,211,188,17,0,0,0,0,0,0,0,0,0,0,135,253,253,186,0,0,0,0,0,25,53,124,95,151,53,25,20,0,0,0,0,0,0,0,0,0,0,0,108,253,253,200,14,37,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,195,228,203,174,174,112,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,237,253,253,253,235,243,239,253,254,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,144,34,68,50,107,247,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,0,0,57,247,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,187,0,0,0,0,0,0,57,242,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,250,63,0,0,0,0,0,0,228,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,193,7,0,0,0,0,0,0,228,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,130,29,0,0,0,0,0,0,0,115,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,204,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,174,174,104,41,41,232,253,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,189,253,253,253,255,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,121,240,246,255,253,253,249,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,57,121,176,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,195,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,214,140,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,232,69,0,0,5,80,198,180,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,225,38,0,0,108,253,247,234,249,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,247,46,0,0,68,240,185,50,13,220,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,207,0,0,0,164,214,25,0,0,116,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,123,0,0,64,251,88,0,0,0,116,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,107,0,0,145,173,9,0,0,0,191,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,229,23,0,0,229,48,0,0,0,34,240,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,140,0,93,127,0,0,0,0,130,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,237,249,42,76,127,0,0,0,97,251,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,226,207,116,191,157,124,207,254,164,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,160,228,211,244,128,69,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,89,130,219,254,254,254,254,249,248,248,196,125,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,244,241,241,143,117,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,177,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,167,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,218,253,208,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,247,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,172,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,228,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,223,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,243,186,102,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,253,253,253,240,162,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,130,179,179,230,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,154,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,245,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,47,0,0,0,92,246,253,145,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,234,47,14,130,247,253,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,247,243,253,253,172,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,138,253,253,235,109,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,53,115,179,184,255,254,246,179,175,106,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,254,254,254,254,254,218,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,186,204,190,150,68,59,32,201,254,227,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,155,8,0,0,0,63,213,254,254,240,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,154,0,0,89,246,254,249,130,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,131,79,246,252,124,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,124,250,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,239,240,223,251,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,147,23,207,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,239,11,0,15,230,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,234,0,0,0,92,243,155,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,0,0,0,0,117,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,0,0,0,0,7,175,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,56,0,0,0,0,14,194,184,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,170,7,0,0,0,0,36,237,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,169,9,0,0,0,0,131,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,199,48,0,0,0,105,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,190,224,154,141,215,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,0,0,0,0,0,0,0,0,0,0,139,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,93,239,197,34,0,0,0,0,0,0,0,0,155,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,241,140,5,0,0,0,0,0,32,241,251,146,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,151,186,253,46,0,0,0,0,0,136,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,247,50,0,0,0,0,0,0,0,0,162,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,145,0,0,0,0,0,0,0,0,0,245,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,162,0,0,0,0,0,0,0,0,0,254,223,17,0,0,0,0,0,0,0,0,0,0,0,0,68,254,236,29,0,0,0,0,0,0,0,0,68,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,182,0,0,0,0,0,0,0,0,0,93,255,207,66,44,0,0,0,0,0,0,0,0,0,0,5,189,254,64,0,0,0,0,0,0,0,0,5,155,254,249,228,6,0,0,0,0,0,0,0,0,0,0,66,253,197,4,0,0,0,22,99,116,174,207,212,253,254,248,175,0,0,0,0,0,0,0,0,0,0,0,149,253,118,17,93,93,185,247,253,253,254,253,253,253,228,64,0,0,0,0,0,0,0,0,0,0,0,106,254,228,187,254,254,254,254,216,184,151,93,42,24,254,185,0,0,0,0,0,0,0,0,0,0,0,0,189,253,245,254,244,206,173,56,11,0,0,0,0,40,253,184,0,0,0,0,0,0,0,0,0,0,0,100,249,253,253,138,46,0,0,0,0,0,0,0,0,116,253,184,0,0,0,0,0,0,0,0,0,0,0,161,253,244,128,0,0,0,0,0,0,0,0,0,0,82,253,184,0,0,0,0,0,0,0,0,0,0,0,0,68,0,0,0,0,0,0,0,0,0,0,0,0,24,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,255,253,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,181,252,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,217,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,252,252,252,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,252,252,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,108,0,42,144,144,145,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,108,110,253,253,253,255,253,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,232,233,252,252,252,253,252,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,252,252,252,252,253,252,252,231,232,252,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,231,46,109,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,255,253,72,0,255,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,252,252,253,252,71,0,253,252,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,148,217,91,26,120,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,108,0,0,120,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,253,192,150,253,253,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,242,252,252,253,252,252,252,253,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,241,252,253,252,252,252,253,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,253,252,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,239,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,173,33,0,0,0,0,0,0,140,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,134,0,0,0,0,0,0,222,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,200,0,0,0,0,0,0,228,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,110,0,0,0,0,0,11,233,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,128,0,0,0,0,0,62,254,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,254,52,0,0,0,0,0,71,254,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,221,13,0,0,0,0,18,156,254,238,43,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,74,7,9,73,97,185,251,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,243,238,254,254,254,254,254,254,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,254,254,254,197,175,89,64,149,255,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,96,84,8,8,3,0,0,0,149,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,230,211,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,131,131,131,229,216,89,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,218,254,254,254,254,254,254,109,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,236,236,236,241,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,245,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,233,254,228,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,232,254,203,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,69,187,254,254,183,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,146,254,254,242,171,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,228,254,254,254,206,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,236,187,147,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,140,186,186,186,186,186,240,254,161,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,119,254,161,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,220,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,250,254,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,207,251,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,243,243,252,254,254,217,33,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,154,255,255,255,121,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,221,254,254,254,136,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,182,253,254,194,190,240,254,241,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,155,4,0,34,46,146,200,25,7,108,116,32,0,0,0,0,0,0,0,0,0,0,0,0,85,247,253,151,25,0,0,0,0,0,0,34,204,253,253,69,0,0,0,0,0,0,0,0,0,0,0,60,254,254,146,0,0,0,0,0,0,0,74,254,255,254,254,69,0,0,0,0,0,0,0,0,0,0,38,239,254,110,4,0,0,0,0,0,13,114,249,236,56,232,253,69,0,0,0,0,0,0,0,0,0,5,161,253,146,4,0,0,0,0,0,9,153,253,234,54,57,249,225,13,0,0,0,0,0,0,0,0,0,80,253,219,0,0,0,0,0,0,9,184,254,219,38,0,136,253,71,0,0,0,0,0,0,0,0,0,45,245,247,50,0,0,0,0,0,55,203,254,185,42,0,0,254,254,46,0,0,0,0,0,0,0,0,0,70,253,213,0,0,0,0,0,130,243,232,106,9,0,0,68,254,177,4,0,0,0,0,0,0,0,0,0,145,253,137,0,0,0,11,157,254,223,75,0,0,0,11,215,254,23,0,0,0,0,0,0,0,0,0,0,95,253,71,0,0,134,215,253,195,40,0,0,0,0,24,253,203,6,0,0,0,0,0,0,0,0,0,0,70,254,211,161,254,254,247,118,0,0,0,0,0,13,187,254,68,0,0,0,0,0,0,0,0,0,0,0,32,224,253,253,224,123,37,0,0,0,0,0,0,47,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,25,122,104,17,0,0,0,0,0,0,0,0,47,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,232,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,245,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,201,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,222,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,197,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,171,254,107,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,234,206,79,74,38,137,137,93,18,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,254,254,254,254,254,254,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,201,252,254,246,118,119,221,254,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,65,54,0,0,25,148,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,229,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,218,254,194,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,225,252,196,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,181,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,209,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,176,254,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,141,252,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,194,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,143,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,171,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,145,235,254,254,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,243,255,254,254,241,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,209,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,242,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,20,0,0,0,0,44,251,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,166,0,0,0,0,101,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,254,126,0,0,0,0,177,254,225,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,45,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,138,7,0,0,0,18,203,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,250,254,39,0,0,0,0,53,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,211,96,15,0,0,53,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,254,254,254,208,163,66,105,254,224,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,179,195,244,254,254,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,109,202,241,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,238,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,225,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,182,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,210,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,67,191,254,253,162,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,252,252,203,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,252,252,253,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,176,252,236,87,10,88,220,252,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,223,23,0,0,0,124,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,248,88,0,0,0,0,171,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,224,241,0,0,0,0,0,200,252,250,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,222,0,0,0,0,12,217,248,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,165,0,0,0,11,171,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,246,129,138,158,225,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,253,253,253,255,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,215,235,194,125,123,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,32,6,0,41,235,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,213,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,233,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,230,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,234,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,239,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,254,236,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,228,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,241,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,242,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,247,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,193,152,152,152,51,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,253,252,253,252,203,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,203,203,203,203,234,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,244,122,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,224,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,203,0,21,20,0,0,0,0,0,0,0,0,0,0,0,0,0,21,31,51,51,51,72,152,214,253,254,253,254,253,254,253,193,152,123,0,0,0,0,0,0,0,0,0,0,183,233,252,253,252,253,252,253,252,253,252,253,252,253,252,233,111,122,0,0,0,0,0,0,0,0,0,0,41,234,253,254,253,254,253,254,253,224,162,82,82,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,50,212,253,252,233,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,255,253,163,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,151,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,229,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,247,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,193,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,246,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,43,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,194,250,138,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,188,250,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,169,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,219,254,252,146,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,179,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,41,252,250,250,167,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,154,252,250,250,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,250,250,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,138,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,168,237,252,250,250,137,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,255,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,195,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,217,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,78,155,255,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,228,253,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,237,253,253,251,222,139,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,230,253,226,210,57,0,0,89,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,229,253,206,23,0,0,20,124,251,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,250,31,3,51,165,150,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,253,183,56,177,253,253,253,253,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,253,253,209,187,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,252,214,44,12,164,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,199,199,162,86,0,0,45,253,233,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,197,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,245,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,214,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,227,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,214,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,136,221,254,254,254,229,144,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,253,148,115,115,115,140,232,226,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,192,104,0,0,0,0,0,63,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,46,0,0,0,0,0,0,114,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,173,17,0,0,0,0,26,153,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,11,0,0,0,26,130,239,254,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,224,251,196,80,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,159,229,236,113,68,93,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,254,254,254,254,254,211,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,206,206,115,115,73,23,23,40,194,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,213,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,182,253,182,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,253,236,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,210,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,0,0,0,0,0,0,66,229,255,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,247,0,0,0,68,139,222,244,173,56,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,116,166,207,240,247,213,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,254,253,253,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,47,149,255,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,48,67,0,0,0,0,37,153,197,250,253,253,253,250,59,0,0,0,0,0,0,0,0,0,0,0,0,47,241,251,30,24,168,244,248,253,253,253,242,217,189,24,0,0,0,0,0,0,0,0,0,0,0,0,12,181,253,230,66,231,253,253,253,240,170,116,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,240,46,205,253,187,124,84,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,247,230,78,0,37,78,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,175,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,162,134,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,99,221,251,253,251,213,213,192,110,50,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,98,98,166,224,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,51,92,252,236,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,161,252,226,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,112,253,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,112,30,115,115,182,248,251,120,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,149,192,149,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,94,0,0,0,0,0,0,0,0,0,16,233,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,227,11,0,0,0,0,0,0,0,0,140,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,217,0,0,0,0,0,0,0,0,11,234,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,227,11,0,0,0,0,0,0,0,115,243,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,248,31,0,0,0,0,0,0,0,176,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,217,0,0,0,0,0,0,0,21,238,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,217,0,0,0,0,0,0,0,110,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,31,0,0,0,0,0,0,192,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,254,109,0,0,0,0,6,120,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,232,170,0,0,0,0,182,253,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,161,37,89,213,187,84,249,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,254,253,243,119,11,135,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,0,0,0,197,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,78,157,230,150,41,0,0,0,0,15,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,196,254,165,57,56,20,95,95,95,192,215,195,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,240,42,19,106,186,247,254,254,254,254,254,255,252,108,0,0,0,0,0,0,0,0,0,0,0,0,27,237,75,0,154,254,254,254,188,171,134,67,67,67,159,252,103,0,0,0,0,0,0,0,0,0,0,0,101,177,2,38,238,160,37,20,4,0,0,0,0,0,6,168,197,0,0,0,0,0,0,0,0,0,0,27,248,99,0,53,86,0,0,0,0,0,0,0,0,0,0,115,197,0,0,0,0,0,0,0,0,0,0,95,222,8,0,0,0,0,0,0,0,0,0,0,0,0,0,115,197,0,0,0,0,0,0,0,0,0,0,95,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,197,0,0,0,0,0,0,0,0,0,0,181,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,197,0,0,0,0,0,0,0,0,0,0,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,197,0,0,0,0,0,0,0,0,0,0,157,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,197,0,0,0,0,0,0,0,0,0,0,95,173,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,123,0,0,0,0,0,0,0,0,0,0,95,218,0,0,0,0,0,0,0,0,0,0,0,0,0,147,244,0,0,0,0,0,0,0,0,0,0,0,95,237,36,0,0,0,0,0,0,0,0,0,0,0,24,216,146,0,0,0,0,0,0,0,0,0,0,0,27,248,167,7,0,0,0,0,0,0,0,0,0,0,200,234,55,0,0,0,0,0,0,0,0,0,0,0,0,185,254,82,7,0,0,0,0,0,0,0,3,128,250,87,0,0,0,0,0,0,0,0,0,0,0,0,0,27,237,254,125,36,0,0,0,0,0,24,133,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,233,254,231,115,73,51,94,132,231,253,169,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,165,224,254,254,254,254,254,198,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,150,152,233,150,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,60,47,47,47,88,126,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,253,253,253,253,253,247,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,245,46,97,177,177,136,253,166,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,238,0,0,0,0,42,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,238,0,0,0,0,137,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,238,0,0,0,0,145,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,202,36,0,0,0,145,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,242,22,0,0,0,145,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,247,50,0,0,0,233,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,247,54,0,0,0,249,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,241,18,0,0,0,249,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,144,0,0,0,0,249,252,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,186,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,255,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,223,115,152,253,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,62,0,13,234,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,13,0,0,230,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,237,153,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,206,220,253,253,245,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,129,215,253,254,161,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,135,254,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,119,0,0,0,170,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,236,50,0,0,0,70,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,242,54,0,0,0,0,70,253,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,230,0,0,0,0,0,204,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,230,0,0,0,66,195,255,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,251,129,72,189,249,253,241,73,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,254,253,251,196,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,111,194,228,143,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,227,214,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,83,254,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,206,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,250,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,234,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,240,63,0,0,35,139,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,169,254,183,0,0,63,230,254,245,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,250,29,0,43,254,254,247,254,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,169,0,19,232,254,254,59,197,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,82,0,99,254,255,148,31,248,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,75,47,247,254,200,8,185,254,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,75,89,254,254,175,180,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,181,212,254,254,254,254,251,141,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,254,254,254,254,247,211,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,97,159,240,183,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,143,254,171,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,234,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,215,225,102,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,230,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,50,147,147,207,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,148,212,254,254,254,245,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,115,115,137,223,252,249,253,254,254,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,27,79,152,216,254,254,227,171,94,55,235,254,197,18,0,0,0,0,0,0,0,0,0,0,0,0,25,130,229,254,254,239,136,65,24,0,52,233,254,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,87,181,135,135,38,22,0,0,0,49,235,252,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,234,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,233,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,228,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,208,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,249,200,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,243,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,244,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,183,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,227,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,74,156,156,156,156,156,156,156,163,183,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,203,253,253,253,254,243,203,211,135,136,53,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,224,253,253,180,100,78,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,234,19,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,140,59,59,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,238,253,253,223,132,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,228,174,205,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,253,254,204,13,0,8,201,236,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,208,9,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,224,254,193,0,0,0,0,0,59,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,250,106,0,0,0,0,0,59,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,229,116,0,0,0,0,0,0,59,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,2,0,0,0,0,0,0,112,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,0,0,0,194,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,101,0,61,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,211,20,185,254,191,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,223,253,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,184,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,126,245,215,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,18,126,141,255,254,254,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,154,231,253,253,253,253,253,253,242,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,120,223,253,253,253,253,226,186,82,82,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,122,221,253,253,253,232,138,65,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,202,253,253,253,197,82,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,233,253,253,201,81,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,212,253,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,157,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,240,253,253,253,207,149,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,211,253,253,253,253,205,150,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,59,163,178,253,253,253,236,96,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,107,174,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,51,228,253,243,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,208,253,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,253,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,21,0,0,0,0,113,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,214,164,50,0,55,148,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,241,201,245,253,253,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,253,253,253,253,253,249,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,162,198,154,135,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,13,13,65,132,133,132,190,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,48,145,227,252,252,252,252,253,252,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,170,252,252,252,252,252,252,252,253,252,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,238,204,204,95,141,84,180,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,180,51,0,0,0,0,3,170,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,134,156,17,0,0,0,0,0,139,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,142,253,252,240,144,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,163,252,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,149,249,252,252,253,241,118,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,207,250,252,252,252,252,253,252,252,245,212,121,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,250,253,253,253,253,253,255,253,253,253,253,253,253,104,2,0,0,0,0,0,0,0,0,0,0,0,0,0,163,228,228,182,108,108,109,108,108,188,245,252,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,232,252,252,154,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,156,252,252,252,193,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,85,206,232,252,252,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,14,177,217,217,159,217,232,252,253,252,252,234,70,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,252,252,253,190,69,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,131,218,217,131,131,131,74,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,137,253,223,255,212,165,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,250,254,254,217,159,191,217,249,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,89,26,26,11,0,0,18,149,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,183,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,236,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,187,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,208,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,134,252,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,197,254,254,252,204,120,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,230,209,209,209,223,235,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,44,21,0,0,0,43,196,244,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,229,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,235,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,107,230,205,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,0,0,0,0,0,0,5,81,226,244,198,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,148,103,103,134,103,154,203,247,202,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,150,235,254,254,254,222,175,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,176,254,254,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,141,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,235,174,252,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,233,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,20,161,161,70,0,0,0,0,0,0,0,178,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,5,130,253,253,203,0,0,0,0,0,0,0,223,253,253,233,5,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,203,0,0,0,0,0,0,0,223,253,253,51,0,0,0,0,0,0,0,0,0,0,0,41,223,253,253,253,203,0,0,0,0,0,0,67,245,253,253,12,0,0,0,0,0,0,0,0,0,0,10,224,253,253,253,191,54,0,0,0,0,0,22,193,253,227,191,9,0,0,0,0,0,0,0,0,0,0,46,253,253,253,225,21,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,244,92,0,0,0,0,0,0,0,184,253,175,32,0,0,0,0,0,0,0,0,0,0,0,2,174,253,253,183,0,0,0,0,0,0,0,106,245,253,154,0,0,0,0,0,0,0,0,0,0,0,0,7,253,253,233,17,0,0,0,0,0,0,69,221,253,211,112,0,0,0,0,0,0,0,0,0,0,0,0,7,253,253,123,0,0,0,0,0,0,59,245,253,179,19,5,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,105,0,0,0,0,0,74,202,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,166,41,0,0,21,194,247,253,253,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,90,253,253,227,130,236,239,253,253,253,220,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,82,147,253,253,253,253,253,224,135,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,36,253,253,253,137,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,118,118,140,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,98,98,45,176,235,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,250,254,254,233,254,254,182,178,178,81,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,199,161,128,254,254,160,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,180,254,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,175,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,228,254,254,254,254,237,228,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,163,236,254,254,254,254,254,254,254,254,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,254,233,206,206,206,131,234,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,227,254,238,155,51,0,0,0,4,157,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,153,45,0,0,0,0,0,32,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,209,254,254,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,214,254,254,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,132,248,254,245,168,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,200,32,0,0,45,200,224,254,254,209,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,191,180,180,224,254,254,240,175,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,242,254,254,254,253,234,99,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,254,236,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,96,96,96,96,96,96,155,253,253,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,251,253,251,251,251,251,253,251,251,251,251,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,251,251,251,253,251,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,112,248,251,253,251,251,196,228,189,236,251,211,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,251,193,94,94,12,59,0,71,94,174,251,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,193,0,0,0,0,0,0,0,0,223,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,23,0,0,0,0,0,0,0,16,225,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,172,12,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,47,54,150,150,214,255,237,115,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,226,253,253,253,253,253,253,253,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,253,243,217,217,217,153,114,12,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,234,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,227,0,0,0,0,0,0,3,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,227,0,0,0,27,127,166,180,187,166,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,228,4,55,177,230,253,253,248,248,251,253,208,81,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,213,253,253,253,200,98,2,0,53,145,253,227,44,0,0,0,0,0,0,0,0,0,0,0,0,23,228,253,253,253,253,127,20,0,0,0,0,16,193,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,242,163,40,1,0,0,0,0,0,0,184,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,46,62,44,0,0,0,0,0,0,0,0,0,228,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,79,13,0,0,0,0,0,24,236,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,185,0,0,0,0,3,177,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,252,108,42,0,0,129,253,253,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,253,240,218,218,251,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,231,253,253,253,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,128,166,253,198,118,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,213,254,255,202,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,244,254,254,254,254,240,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,254,248,162,247,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,209,254,182,46,4,0,235,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,234,254,77,0,0,75,251,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,247,51,0,11,231,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,74,0,71,254,208,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,156,4,194,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,229,120,254,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,254,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,240,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,254,254,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,211,158,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,70,15,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,239,254,14,5,200,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,179,2,14,246,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,40,200,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,224,214,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,215,65,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,201,223,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,177,255,142,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,253,249,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,237,253,220,177,177,177,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,225,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,227,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,140,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,219,3,0,0,0,0,0,0,0,0,45,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,96,0,0,0,0,0,0,0,52,157,238,230,193,27,0,0,0,0,0,0,0,0,0,0,0,0,114,253,82,0,0,0,0,0,0,60,233,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,213,253,82,0,0,0,0,0,62,230,253,253,207,86,114,75,0,0,0,0,0,0,0,0,0,0,0,0,198,253,82,0,0,0,0,60,230,253,234,89,5,0,151,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,82,0,0,0,0,206,253,252,106,0,0,3,201,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,82,0,0,0,44,229,253,158,0,0,0,83,253,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,137,0,0,0,90,253,207,5,0,0,0,213,194,4,0,0,0,0,0,0,0,0,0,0,0,0,76,253,230,34,0,0,209,253,205,0,0,0,134,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,17,172,253,213,31,0,97,242,205,0,40,199,250,188,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,215,120,42,214,239,179,221,253,214,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,234,253,253,253,253,253,253,253,232,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,175,253,253,253,238,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,57,0,0,19,85,85,198,172,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,243,225,226,231,252,252,253,252,243,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,204,253,253,253,255,253,231,225,226,225,225,225,0,0,0,0,0,0,0,0,0,0,0,0,0,38,172,252,253,252,233,196,84,84,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,234,252,252,253,170,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,163,253,252,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,178,253,254,253,253,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,225,252,252,253,139,165,115,32,57,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,215,240,252,229,252,234,197,185,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,252,253,252,252,252,253,252,243,125,0,0,0,0,0,0,0,0,0,0,0,0,63,113,113,113,114,194,253,241,163,113,113,163,229,253,253,253,192,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,215,26,0,0,0,10,159,215,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,223,172,57,0,0,0,85,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,190,253,252,243,225,226,225,234,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,113,200,225,254,253,253,253,114,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,159,158,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,198,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,221,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,191,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,224,125,125,125,125,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,253,253,253,253,193,253,253,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,251,253,253,167,142,49,6,117,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,224,34,0,0,0,3,117,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,250,253,223,45,0,0,0,0,0,33,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,175,0,0,0,0,0,0,33,253,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,253,131,0,0,0,0,0,0,33,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,183,8,0,0,0,0,0,0,33,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,65,0,0,0,0,0,0,0,70,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,38,0,0,0,0,0,0,0,163,253,238,25,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,253,38,0,0,0,0,0,0,30,230,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,38,0,0,0,0,0,0,40,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,237,32,0,0,0,0,0,9,145,253,248,85,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,162,0,0,0,0,0,0,133,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,162,0,0,0,0,0,51,226,253,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,218,24,0,0,0,50,226,253,215,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,242,253,253,49,0,0,49,227,253,216,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,253,216,143,143,228,253,217,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,253,253,248,216,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,234,253,149,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,216,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,231,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,251,31,0,0,0,0,5,173,172,58,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,146,0,0,0,0,12,174,254,214,143,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,212,217,14,0,0,32,97,209,254,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,251,197,126,126,218,254,254,199,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,214,254,254,254,254,254,250,128,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,180,254,254,254,221,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,114,254,253,140,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,254,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,193,254,149,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,144,254,173,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,174,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,230,83,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,103,227,254,211,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,34,82,72,197,254,125,144,82,34,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,143,207,253,253,253,253,253,253,253,254,253,223,167,67,67,6,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,253,253,253,253,253,254,253,253,253,253,253,209,39,0,0,0,0,0,0,0,0,0,0,131,231,231,231,231,192,121,121,121,121,135,231,231,253,253,253,253,247,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,112,198,249,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,216,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,245,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,164,253,216,109,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,234,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,97,221,254,252,197,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,196,255,253,198,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,167,242,253,241,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,167,244,253,253,186,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,211,253,220,117,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,245,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,252,145,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,253,180,107,45,45,45,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,247,253,253,253,254,253,253,219,188,188,188,140,154,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,100,143,239,143,172,253,147,191,230,152,143,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,159,222,113,191,255,253,253,253,253,114,113,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,252,252,253,252,252,252,252,253,252,199,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,55,133,149,195,196,70,165,202,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,60,178,252,253,252,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,240,252,252,252,253,127,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,255,253,253,240,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,228,252,253,223,136,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,108,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,227,252,253,252,155,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,253,252,252,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,229,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,224,252,253,181,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,253,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,76,85,76,0,0,0,0,0,0,0,76,200,252,252,215,33,0,0,0,0,0,0,0,0,0,0,0,0,225,252,246,197,135,57,57,57,135,198,246,252,252,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,200,223,242,252,253,252,252,252,252,253,226,192,84,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,112,112,237,173,252,252,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,196,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,11,222,238,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,0,0,0,0,0,0,32,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,218,13,0,0,0,0,0,180,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,198,0,0,0,0,0,14,218,188,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,140,0,0,0,0,0,37,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,238,20,0,0,0,0,0,140,253,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,217,95,49,43,159,160,211,248,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,254,253,253,253,253,254,253,253,193,54,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,105,254,201,175,181,129,72,175,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,247,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,7,116,243,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,234,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,143,175,253,253,253,253,253,236,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,193,253,253,253,245,183,105,105,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,174,253,253,253,244,183,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,253,253,244,122,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,75,253,253,222,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,75,253,253,219,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,195,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,195,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,253,126,0,0,0,0,0,0,0,0,26,75,75,7,0,0,0,0,0,0,0,0,0,0,0,0,13,253,233,19,0,0,0,0,0,22,118,205,221,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,56,253,126,0,0,0,0,0,65,192,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,136,253,220,37,0,0,0,21,211,253,253,253,221,194,253,148,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,159,37,0,0,56,253,253,253,253,106,142,253,148,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,238,147,106,199,253,253,253,253,245,250,253,148,0,0,0,0,0,0,0,0,0,0,0,0,1,150,253,253,253,253,253,253,253,253,253,253,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,16,205,253,253,253,253,253,253,253,253,253,253,152,26,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,129,208,253,253,253,253,192,156,129,87,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,26,191,50,0,0,26,38,63,114,191,113,101,63,63,0,0,0,0,0,0,0,0,0,0,0,0,101,240,231,252,237,226,100,200,234,240,253,252,252,249,240,140,76,19,0,0,0,0,0,0,0,0,0,0,222,252,252,214,227,253,252,252,252,252,253,252,252,252,252,203,221,43,0,0,0,0,0,0,0,0,0,0,146,249,220,150,215,253,252,252,252,252,253,252,252,252,252,140,197,53,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,252,252,253,252,252,252,252,203,240,195,0,0,0,0,0,0,0,0,0,0,0,126,229,253,253,255,253,253,253,253,255,190,253,253,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,197,242,89,27,152,136,122,89,27,12,78,252,252,253,252,227,47,0,0,0,0,0,0,0,0,0,0,0,43,49,0,0,0,0,0,0,0,0,57,252,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,153,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,152,253,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,215,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,162,234,252,236,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,220,50,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,155,252,223,158,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,249,187,55,6,57,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,85,0,0,103,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,132,2,0,38,232,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,238,22,0,0,112,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,214,97,0,0,0,57,254,225,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,239,27,0,0,0,32,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,141,0,0,0,0,87,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,63,0,0,0,34,245,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,63,0,0,25,219,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,255,100,16,61,219,234,52,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,245,253,253,173,20,32,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,127,107,3,0,32,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,226,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,149,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,120,203,254,162,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,123,172,245,253,253,253,254,241,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,253,253,254,253,253,253,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,254,253,253,253,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,254,236,197,254,254,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,202,17,5,128,253,254,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,160,0,22,212,253,254,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,160,0,114,253,253,254,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,161,45,245,254,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,253,211,170,253,253,253,254,143,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,254,253,253,253,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,253,254,253,244,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,245,128,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,253,254,253,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,254,215,96,246,254,177,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,254,240,34,118,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,216,254,177,76,26,185,255,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,248,163,239,247,254,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,245,253,253,253,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,211,253,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,94,94,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,237,194,152,0,0,0,0,0,0,0,0,0,0,0,0,0,88,187,161,48,0,0,0,0,0,0,131,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,247,192,149,176,81,0,0,0,0,126,252,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,233,54,0,0,0,0,0,0,39,202,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,73,196,220,54,0,0,0,0,0,0,12,227,210,69,0,0,0,0,0,0,0,0,0,0,0,0,0,24,246,173,43,0,0,0,0,0,0,11,207,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,239,40,0,0,0,0,0,2,46,218,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,106,26,0,0,0,44,136,253,207,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,205,253,217,30,47,167,245,253,134,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,95,245,251,251,243,167,45,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,185,253,217,253,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,150,253,196,66,9,113,243,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,122,19,0,0,44,229,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,207,5,0,11,124,240,240,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,223,171,171,213,234,179,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,139,239,166,139,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,175,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,170,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,219,254,254,254,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,254,254,243,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,217,254,243,138,179,254,155,0,0,87,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,145,15,248,254,174,50,98,246,217,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,248,254,254,235,231,254,254,254,254,254,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,254,254,254,254,254,254,254,254,254,254,140,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,154,254,206,254,254,254,225,180,117,32,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,8,3,80,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,255,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,196,143,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,141,141,229,253,129,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,206,253,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,209,252,252,168,93,56,231,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,214,40,0,0,76,249,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,134,0,0,0,45,229,241,51,0,60,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,84,0,0,7,187,252,90,70,169,234,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,140,85,85,154,252,252,228,253,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,252,252,252,253,252,252,252,253,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,113,114,113,85,79,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,244,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,240,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,191,252,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,206,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,109,109,255,253,232,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,155,218,247,252,252,253,252,252,252,238,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,226,215,217,91,92,215,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,191,108,31,0,0,0,0,0,170,179,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,63,0,0,0,0,0,0,0,191,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,144,0,0,0,0,0,0,0,150,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,41,0,0,0,0,0,0,0,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,175,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,253,231,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,161,232,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,191,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,109,109,253,253,253,253,255,253,253,253,255,253,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,252,252,252,252,222,179,179,179,180,179,221,159,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,220,112,71,41,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,211,252,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,181,254,255,227,85,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,198,254,254,254,254,215,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,254,250,186,103,20,3,204,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,236,254,236,103,0,0,0,53,244,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,251,254,232,70,0,6,79,184,249,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,233,48,0,66,215,253,254,254,242,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,169,0,9,221,254,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,229,136,199,254,254,254,243,154,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,235,254,254,233,97,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,254,254,254,175,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,153,254,253,130,130,233,245,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,139,254,249,72,0,0,27,173,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,130,0,0,0,70,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,197,21,0,0,7,224,254,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,116,0,0,9,174,254,240,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,236,14,0,6,155,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,202,0,9,175,254,254,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,202,32,154,254,254,229,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,240,248,254,253,159,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,85,226,219,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,220,254,82,0,0,0,0,0,0,0,0,0,0,0,28,11,0,0,0,0,0,0,0,0,0,0,0,98,254,254,82,0,0,0,0,0,0,0,0,0,144,152,233,182,65,0,0,0,0,0,0,0,0,0,0,98,254,254,82,0,0,0,0,0,0,0,0,65,248,254,254,254,244,61,0,0,0,0,0,0,0,0,0,157,254,254,82,0,0,0,0,0,0,13,189,252,149,144,171,194,254,176,0,0,0,0,0,0,0,0,0,235,254,254,82,0,0,0,0,0,44,231,254,210,9,0,7,99,254,254,0,0,0,0,0,0,0,0,0,235,254,239,60,0,0,0,0,0,161,254,249,25,0,0,0,180,254,254,0,0,0,0,0,0,0,0,0,235,254,173,0,0,0,0,0,51,236,254,146,0,0,0,0,105,254,254,0,0,0,0,0,0,0,0,0,235,254,61,0,0,0,0,0,70,254,255,110,0,0,0,0,180,254,164,0,0,0,0,0,0,0,0,71,246,211,27,0,0,0,0,3,149,254,160,48,0,0,3,117,222,164,50,0,0,0,0,0,0,0,0,188,254,178,0,0,0,0,0,91,254,254,89,0,0,0,150,254,234,49,0,0,0,0,0,0,0,0,0,118,254,178,0,0,0,0,0,91,254,254,89,0,0,99,235,229,52,0,0,0,0,0,0,0,0,0,0,118,254,245,99,0,0,0,0,91,254,254,157,221,221,253,227,129,0,0,0,0,0,0,0,0,0,0,0,118,254,254,243,200,200,200,200,220,254,254,254,254,224,192,55,0,0,0,0,0,0,0,0,0,0,0,0,35,202,248,254,254,254,254,254,254,254,254,254,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,96,189,234,234,99,96,96,197,236,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,117,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,141,191,255,253,253,253,242,141,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,252,252,253,252,252,252,253,252,224,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,252,253,252,252,252,253,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,244,231,125,63,38,0,51,192,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,19,0,0,0,0,0,141,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,252,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,254,253,253,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,253,252,252,228,198,197,197,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,252,253,252,252,252,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,253,253,254,253,253,253,254,197,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,252,253,252,252,227,184,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,252,252,252,253,196,80,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,151,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,99,220,156,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,93,179,254,250,251,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,77,97,162,240,254,244,170,114,33,150,251,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,232,254,247,227,154,86,12,0,0,0,230,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,67,37,0,0,0,0,0,0,0,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,241,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,204,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,241,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,163,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,254,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,212,145,88,25,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,222,253,253,253,253,253,253,254,198,83,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,176,253,253,253,253,253,253,253,254,253,253,174,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,253,253,253,253,254,253,253,253,236,90,12,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,253,253,254,253,253,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,10,233,253,253,253,253,253,253,253,253,254,253,253,253,253,253,197,12,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,253,174,156,156,203,254,253,253,253,253,253,253,82,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,78,5,0,0,12,93,253,253,253,253,253,253,198,10,0,0,0,0,0,0,0,0,0,13,253,253,253,253,60,0,0,0,0,1,81,207,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,13,254,254,254,254,60,0,0,0,0,0,0,18,210,254,254,254,254,24,0,0,0,0,0,0,0,0,0,13,253,253,253,253,60,0,0,0,0,0,0,0,169,253,253,253,253,82,0,0,0,0,0,0,0,0,0,13,253,253,253,253,145,7,0,0,0,0,0,41,222,253,253,253,253,24,0,0,0,0,0,0,0,0,0,10,233,253,253,253,253,71,0,0,0,32,169,222,253,253,253,253,235,19,0,0,0,0,0,0,0,0,0,0,117,253,253,253,253,229,182,182,182,220,253,253,253,253,253,233,62,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,253,254,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,5,175,253,253,253,253,253,253,253,254,253,253,253,253,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,254,253,253,211,36,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,253,253,253,253,254,201,168,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,167,253,253,253,195,70,6,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,119,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,64,185,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,142,254,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,254,254,254,254,216,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,227,199,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,248,254,254,179,48,56,245,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,212,4,0,0,116,254,239,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,254,230,42,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,113,0,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,253,86,0,0,0,0,0,166,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,254,212,0,0,0,0,0,0,131,254,221,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,86,0,0,0,0,0,0,131,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,11,0,0,0,0,0,0,183,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,17,0,0,0,0,0,0,250,254,230,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,143,0,0,0,0,0,14,250,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,254,252,101,40,0,15,48,195,254,254,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,243,184,206,254,254,254,254,189,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,232,254,254,254,254,254,254,254,254,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,250,254,254,254,254,254,254,95,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,84,135,135,227,154,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,212,206,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,238,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,186,254,240,24,0,0,0,0,0,0,19,103,160,138,31,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,0,0,19,159,212,254,255,254,204,13,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,0,83,214,254,254,251,177,177,233,144,0,0,0,0,0,0,0,0,0,0,0,36,254,254,110,0,0,0,135,242,254,255,116,39,0,0,184,241,30,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,75,246,254,131,23,3,0,0,0,184,254,35,0,0,0,0,0,0,0,0,0,0,18,207,254,253,34,6,252,254,190,2,0,0,0,0,0,184,251,33,0,0,0,0,0,0,0,0,0,0,0,54,254,254,160,77,254,250,68,0,0,0,0,4,30,192,157,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,213,254,213,0,0,0,0,3,128,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,15,177,254,254,254,254,243,102,66,11,30,185,254,254,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,15,218,254,254,254,254,254,254,210,225,254,254,200,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,182,254,254,254,254,254,254,254,250,139,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,78,254,254,254,254,254,146,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,251,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,11,0,0,49,102,154,249,250,108,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,222,214,214,253,254,228,238,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,173,142,172,206,91,32,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,222,0,0,15,45,45,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,237,128,210,224,245,222,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,216,251,236,203,116,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,34,139,216,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,82,197,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,210,210,248,254,253,253,253,188,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,244,232,202,121,63,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,246,244,117,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,252,221,221,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,247,254,249,246,254,193,116,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,86,64,57,202,255,253,190,71,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,58,223,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,10,244,251,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,253,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,155,107,45,147,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,254,253,253,203,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,115,191,254,253,119,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,132,255,187,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,133,248,253,253,186,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,37,33,213,253,253,230,161,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,222,115,253,171,135,55,144,253,231,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,175,237,41,0,4,159,253,187,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,220,253,253,6,56,0,0,36,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,133,14,0,25,210,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,199,111,137,253,253,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,132,253,253,253,253,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,253,253,253,253,253,253,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,205,252,253,253,253,253,248,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,253,253,143,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,176,251,253,253,253,94,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,184,119,253,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,204,29,3,39,253,253,253,197,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,175,7,0,13,194,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,253,185,63,163,205,253,253,253,188,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,166,253,253,253,253,253,253,253,236,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,96,237,253,253,253,241,232,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,116,190,116,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,240,226,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,227,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,229,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,122,8,117,175,200,170,86,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,204,244,107,194,253,177,136,242,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,244,238,231,99,6,0,68,253,244,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,229,36,0,0,0,2,175,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,122,0,0,0,0,0,118,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,110,0,0,0,0,0,118,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,114,81,0,0,0,0,11,214,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,39,0,0,0,0,0,164,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,93,0,0,0,35,194,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,161,3,4,112,244,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,222,253,217,218,253,221,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,205,253,199,115,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,254,155,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,108,232,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,218,118,62,229,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,253,47,0,0,187,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,223,129,6,0,0,187,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,51,35,35,0,0,0,0,187,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,175,240,0,0,0,0,0,0,187,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,224,253,226,0,0,0,0,0,43,229,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,101,0,0,0,0,0,145,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,155,0,0,0,0,0,43,229,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,94,0,0,0,0,0,81,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,215,5,0,0,0,0,0,137,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,233,64,0,0,0,0,0,205,249,193,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,199,0,0,0,0,0,133,249,185,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,245,253,199,0,0,0,36,131,251,228,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,199,0,0,39,222,254,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,199,0,111,220,253,255,158,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,253,234,161,219,253,253,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,250,253,253,253,238,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,168,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,137,192,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,168,254,238,254,254,157,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,182,44,154,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,238,254,147,0,7,96,254,235,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,106,0,0,8,96,254,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,254,175,4,0,0,0,7,203,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,0,0,45,235,250,11,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,165,0,0,0,0,0,0,147,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,180,5,0,0,0,0,0,115,254,254,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,254,137,59,34,60,60,151,242,254,254,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,253,229,254,254,254,254,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,230,254,254,254,254,254,255,254,255,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,159,254,254,191,141,141,141,87,244,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,5,119,55,0,0,0,0,171,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,255,212,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,232,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,254,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,31,213,168,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,210,253,200,78,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,182,232,252,204,168,246,252,226,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,252,212,126,9,0,19,118,240,232,48,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,189,189,63,0,0,0,0,0,80,253,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,210,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,155,242,253,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,251,252,252,253,217,76,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,189,242,189,242,253,252,252,196,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,35,60,182,252,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,132,229,255,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,251,77,0,0,0,0,0,0,0,0,0,0,0,6,64,82,0,0,0,0,0,0,0,0,0,0,43,252,252,154,0,0,0,0,0,0,0,0,0,0,0,198,252,103,0,0,0,0,0,0,0,0,0,0,43,252,252,145,0,0,0,0,0,0,0,0,0,0,0,233,200,7,0,0,0,0,0,0,0,0,0,0,61,253,253,84,0,0,0,0,0,0,0,0,0,0,0,232,252,156,86,57,0,0,0,0,0,0,0,71,227,252,201,21,0,0,0,0,0,0,0,0,0,0,0,72,210,252,253,246,179,127,127,128,127,180,232,249,253,201,19,0,0,0,0,0,0,0,0,0,0,0,0,0,56,154,227,252,252,252,252,253,252,252,252,252,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,25,42,51,147,191,253,217,147,121,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,164,218,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,71,254,254,254,234,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,254,240,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,126,247,254,144,114,244,254,249,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,87,205,254,254,254,0,37,246,254,231,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,237,101,0,83,245,220,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,246,57,0,0,128,220,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,200,0,0,0,194,254,147,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,145,0,0,0,246,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,244,40,0,0,0,246,232,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,236,19,0,0,80,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,237,23,0,0,133,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,33,0,0,0,218,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,229,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,229,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,205,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,255,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,227,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,194,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,239,241,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,208,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,233,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,242,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,152,167,234,251,167,167,113,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,246,253,254,254,254,254,254,254,254,228,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,254,200,192,123,105,105,105,106,228,254,226,21,0,0,0,0,0,0,0,0,0,0,0,0,0,55,251,254,157,4,0,0,0,0,0,0,31,242,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,251,143,0,0,0,0,0,0,29,193,254,226,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,20,0,0,0,0,14,127,240,254,181,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,27,100,221,254,255,204,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,106,186,254,254,254,254,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,254,254,254,209,45,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,211,236,254,254,254,254,254,129,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,254,236,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,219,254,252,191,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,144,245,254,197,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,245,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,197,13,0,0,0,0,0,0,0,0,0,0,0,9,16,0,0,0,0,0,0,0,0,0,0,0,19,228,254,113,0,0,0,0,0,0,0,0,0,0,0,56,222,81,5,0,0,0,0,0,0,0,0,0,16,195,254,227,0,0,0,0,0,0,0,0,0,0,0,0,222,254,203,153,106,106,106,106,51,39,106,121,201,254,252,137,0,0,0,0,0,0,0,0,0,0,0,0,57,203,246,254,254,254,254,254,254,254,254,254,254,237,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,79,79,79,109,166,166,187,254,223,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,81,160,188,255,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,49,202,234,254,254,228,198,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,111,198,231,254,254,249,181,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,254,178,120,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,149,254,254,26,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,209,207,207,183,114,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,171,169,200,254,254,251,151,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,254,171,1,0,4,9,107,241,254,211,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,89,0,0,0,0,0,106,244,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,75,0,0,0,0,0,0,100,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,233,254,236,0,0,0,0,0,0,0,29,243,247,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,235,0,0,0,0,0,0,0,0,186,254,234,8,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,235,0,0,0,0,0,0,0,0,68,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,235,0,0,0,0,0,0,0,0,48,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,34,200,191,0,0,0,0,0,0,0,0,100,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,226,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,229,254,254,162,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,161,57,57,57,57,117,235,252,254,243,148,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,238,254,254,254,254,255,254,253,197,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,66,66,156,183,160,76,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,182,234,0,0,0,0,0,0,0,0,0,0,64,19,0,0,0,0,0,0,0,0,0,0,0,0,94,220,253,212,0,0,0,0,0,0,0,0,56,182,244,207,62,0,0,0,0,0,0,0,0,0,23,101,240,253,219,91,0,0,0,0,0,0,0,0,254,253,253,246,71,0,0,0,0,0,0,0,0,17,198,253,253,225,31,0,0,0,0,0,0,0,0,0,241,170,253,198,0,0,0,0,0,0,0,0,5,201,253,253,242,126,0,0,0,0,0,0,0,0,0,0,0,167,253,128,0,0,0,0,0,0,0,15,134,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,234,253,61,0,0,0,0,0,0,81,200,253,253,253,113,2,0,0,0,0,0,0,0,0,0,0,0,106,251,226,40,0,0,0,0,32,201,246,253,253,253,160,4,0,0,0,0,0,0,0,0,0,0,0,0,118,253,198,17,0,0,36,69,209,253,253,253,253,219,35,0,0,0,0,0,0,0,0,0,0,0,0,0,95,249,253,128,186,186,220,253,253,176,103,253,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,241,103,24,145,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,109,213,246,239,109,62,0,73,253,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,235,231,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,233,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,143,232,214,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,105,148,201,227,148,148,69,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,242,253,252,252,252,252,253,252,186,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,246,252,214,126,126,152,231,245,252,252,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,0,0,49,211,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,147,0,0,0,0,0,0,190,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,210,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,197,249,253,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,82,169,246,252,252,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,252,252,252,252,247,211,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,253,232,211,247,255,253,253,227,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,168,168,89,32,0,53,125,231,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,16,127,245,252,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,204,14,0,0,0,0,0,83,242,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,217,12,0,0,0,0,0,0,211,253,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,144,0,0,0,0,0,55,236,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,247,99,0,0,0,52,232,252,239,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,252,247,232,128,162,242,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,212,252,252,253,252,252,236,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,138,252,253,252,155,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,43,192,253,253,255,218,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,227,252,252,252,252,253,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,236,178,126,82,127,221,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,84,21,0,0,0,0,190,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,48,171,253,201,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,64,167,252,252,253,111,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,252,252,252,253,252,232,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,176,106,80,89,168,243,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,246,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,11,0,0,0,0,0,4,183,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,170,43,0,0,0,0,136,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,242,206,127,128,206,251,247,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,231,221,252,252,253,252,247,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,30,147,147,191,112,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,119,169,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,89,159,254,254,254,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,54,145,241,254,254,254,219,170,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,138,201,254,254,254,223,183,114,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,139,253,254,213,234,165,66,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,244,60,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,254,190,10,1,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,254,200,142,161,228,142,142,142,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,230,254,254,235,225,213,248,254,250,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,77,77,41,23,0,65,77,223,246,156,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,255,254,189,0,0,0,0,0,0,0,0,0,0,0,0,7,73,65,0,0,0,0,0,0,0,0,75,253,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,27,233,201,12,0,0,0,0,0,0,100,215,254,254,242,86,0,0,0,0,0,0,0,0,0,0,0,0,0,61,233,212,152,84,84,84,112,202,246,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,167,254,254,254,254,254,254,254,254,250,139,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,67,138,254,254,254,254,210,135,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,128,128,64,128,0,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,64,64,128,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,213,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,238,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,249,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,241,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,214,241,146,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,235,30,69,228,246,140,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,217,0,0,16,201,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,217,0,0,0,145,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,241,35,0,0,146,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,254,106,0,42,240,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,232,95,196,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,190,250,254,254,132,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,188,73,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,202,232,138,138,138,255,253,253,253,253,191,138,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,253,252,252,252,252,253,252,252,177,15,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,252,252,252,253,252,252,252,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,109,202,202,194,252,211,193,160,236,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,9,22,13,8,32,228,252,253,252,221,96,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,178,240,164,143,92,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,184,222,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,150,252,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,252,253,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,231,255,253,253,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,207,236,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,7,0,0,0,0,0,9,181,255,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,102,9,0,0,30,78,194,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,196,184,185,228,252,252,252,215,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,177,227,236,252,253,252,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,16,113,137,148,231,137,96,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,236,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,244,171,143,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,254,150,90,135,246,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,254,195,13,0,10,221,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,50,0,0,0,126,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,254,146,5,0,0,0,35,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,187,223,3,0,0,0,0,26,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,228,42,0,0,0,0,0,26,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,224,14,0,0,0,0,0,26,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,195,0,0,0,0,0,0,26,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,254,73,0,0,0,0,0,0,69,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,201,6,0,0,0,0,0,45,244,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,253,121,0,0,0,0,0,0,77,254,250,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,185,0,0,0,0,0,0,38,227,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,175,0,0,0,0,0,40,184,254,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,125,0,0,0,0,34,190,254,205,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,125,0,0,0,94,224,254,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,125,0,50,128,253,254,174,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,240,250,245,250,254,228,88,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,245,254,239,118,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,83,179,201,255,254,249,179,114,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,232,158,140,120,119,119,132,211,196,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,181,14,0,0,0,0,0,0,27,227,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,189,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,199,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,230,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,220,21,0,0,0,25,60,60,60,60,69,73,60,32,0,0,0,0,0,0,0,0,0,0,0,0,69,251,102,0,19,103,164,245,253,253,246,238,239,238,238,218,40,0,0,0,0,0,0,0,0,0,0,0,120,253,137,181,250,245,186,134,73,60,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,222,254,191,104,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,34,121,197,235,144,144,82,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,254,233,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,247,253,253,205,87,126,154,254,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,117,49,10,6,0,0,0,25,155,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,249,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,93,254,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,130,188,208,253,255,253,108,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,254,253,253,227,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,234,139,111,112,139,221,253,230,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,30,0,0,0,0,0,131,230,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,175,56,0,0,0,0,0,0,8,196,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,238,55,8,0,0,0,10,177,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,253,253,223,155,155,155,237,253,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,179,253,253,253,254,253,253,213,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,100,143,191,254,224,100,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,141,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,242,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,219,252,166,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,235,54,0,0,0,0,0,0,0,0,0,0,9,76,0,0,0,0,0,0,0,0,0,0,0,25,223,252,93,0,0,0,0,0,0,0,0,0,0,46,142,78,0,0,0,0,0,0,0,0,0,0,0,122,252,202,17,0,0,0,0,0,0,0,0,0,68,231,252,106,0,0,0,0,0,0,0,0,0,0,17,230,252,185,0,0,0,0,0,0,0,0,0,0,186,252,233,33,0,0,0,0,0,0,0,0,0,0,107,252,252,101,0,0,0,0,0,0,12,27,27,132,228,252,140,0,0,0,0,0,0,0,0,0,0,0,114,252,252,53,0,0,9,14,14,147,191,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,240,252,252,158,133,133,208,252,252,253,252,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,253,253,253,253,255,253,209,133,228,253,213,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,252,252,252,252,190,145,83,13,8,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,11,145,158,53,26,26,26,11,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,217,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,97,170,159,138,139,65,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,161,253,252,252,252,252,253,252,186,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,240,252,253,252,252,227,246,253,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,252,252,98,45,45,29,42,117,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,252,168,22,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,253,46,0,0,0,0,0,0,139,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,206,37,0,0,0,0,0,0,159,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,250,243,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,227,119,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,154,47,5,0,0,0,38,47,57,109,109,103,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,252,252,190,185,184,184,240,252,253,252,170,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,252,253,252,252,252,252,150,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,96,168,252,252,243,137,137,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,138,219,255,254,254,254,139,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,253,253,224,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,215,114,114,50,93,114,205,253,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,99,8,0,0,0,0,0,24,166,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,178,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,61,141,223,253,253,252,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,223,253,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,201,201,201,201,253,253,201,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,230,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,244,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,249,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,251,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,152,24,0,0,27,217,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,240,230,87,96,232,253,209,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,221,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,139,253,253,170,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,127,216,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,246,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,210,253,253,253,253,253,253,250,116,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,241,253,253,253,253,253,253,253,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,253,253,253,253,253,253,253,253,253,253,249,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,253,253,193,168,168,173,253,253,253,181,16,0,0,0,0,0,0,0,0,0,0,0,0,87,237,253,253,253,237,175,21,0,0,5,152,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,77,250,253,253,253,237,59,0,0,0,0,0,56,234,253,253,45,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,227,61,0,0,0,0,0,0,107,250,253,253,45,0,0,0,0,0,0,0,0,0,0,33,221,253,253,253,61,0,0,0,0,0,0,25,212,253,253,177,14,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,14,0,0,0,0,0,0,169,253,253,249,75,0,0,0,0,0,0,0,0,0,0,0,183,253,253,253,130,2,0,0,0,0,0,104,243,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,227,38,0,0,0,0,11,91,243,253,253,202,31,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,232,53,0,0,0,36,212,253,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,148,62,81,216,227,253,253,253,249,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,253,253,253,253,253,253,253,251,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,207,253,253,253,253,253,253,253,253,200,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,195,240,253,253,253,253,203,91,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,99,193,99,99,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,106,158,254,254,194,105,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,240,253,253,253,253,254,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,243,253,253,244,253,253,254,253,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,189,55,133,133,255,253,253,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,119,0,0,0,29,29,174,253,228,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,119,0,0,0,0,0,164,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,119,0,0,0,56,134,212,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,243,253,246,98,117,239,247,253,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,240,253,253,253,253,254,242,237,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,253,192,80,164,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,149,124,0,0,0,165,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,150,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,236,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,254,155,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,227,254,254,254,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,250,254,254,254,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,254,247,175,58,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,243,73,15,79,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,251,230,235,254,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,239,239,230,212,187,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,36,38,24,0,61,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,228,231,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,54,112,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,167,190,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,253,194,191,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,71,190,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,57,247,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,246,252,252,253,252,252,111,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,252,252,252,253,252,252,242,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,232,115,45,131,253,253,243,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,47,0,0,43,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,214,91,2,0,0,43,252,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,184,130,125,125,125,83,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,251,251,248,248,150,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,253,253,253,253,253,253,253,245,218,112,40,0,0,0,0,0,0,0,0,0,0,0,0,0,9,19,19,73,149,240,253,253,253,253,253,253,253,253,241,221,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,25,25,129,180,253,253,253,253,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,32,126,178,253,253,253,253,235,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,176,253,253,253,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,133,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,226,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,177,253,253,251,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,176,253,253,164,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,208,253,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,159,222,138,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,252,252,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,252,252,252,247,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,161,87,77,160,244,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,22,0,0,0,0,73,253,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,252,228,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,120,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,253,215,21,0,0,0,0,19,13,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,252,227,161,161,162,161,161,236,211,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,236,253,252,252,252,252,253,252,252,252,252,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,252,252,252,253,193,160,160,160,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,243,137,137,137,137,75,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,191,255,128,64,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,35,0,0,0,0,135,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,240,108,0,0,2,182,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,209,254,254,159,0,0,10,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,207,53,0,0,38,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,243,72,0,0,0,122,254,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,254,155,0,0,0,31,243,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,103,0,0,0,38,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,47,49,57,151,201,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,254,218,248,254,254,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,254,254,219,254,254,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,167,140,153,91,254,249,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,255,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,244,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,34,12,0,16,34,34,82,48,144,144,250,254,216,27,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,203,177,214,253,253,253,254,253,253,224,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,253,210,154,126,44,25,181,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,159,121,117,10,10,6,0,0,0,0,166,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,246,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,215,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,34,48,144,144,250,255,216,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,120,177,234,253,255,253,253,253,253,230,182,30,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,244,253,253,253,210,154,154,236,253,232,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,169,121,121,102,10,6,0,35,233,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,237,253,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,144,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,114,238,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,178,240,253,252,252,234,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,253,252,252,252,252,135,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,228,252,252,252,162,84,199,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,0,0,25,205,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,253,190,0,0,0,29,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,223,58,106,12,0,0,0,3,152,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,13,156,252,253,167,0,0,0,0,0,0,0,110,253,252,165,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,151,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,27,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,79,0,0,0,0,0,0,0,0,0,255,253,196,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,0,0,0,0,0,0,0,0,0,79,253,252,148,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,111,253,252,55,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,16,0,0,0,0,0,0,0,4,153,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,107,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,255,90,0,0,0,0,0,26,207,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,253,243,193,85,85,85,131,231,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,253,252,252,252,252,253,252,252,252,252,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,225,249,252,252,252,253,252,252,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,142,252,252,253,204,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,213,255,172,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,253,185,249,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,254,129,0,125,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,187,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,249,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,228,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,143,0,0,0,0,3,61,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,143,0,0,0,0,187,254,244,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,67,0,0,0,48,250,245,245,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,234,0,0,0,31,216,242,25,77,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,170,0,0,0,180,254,175,0,69,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,170,0,0,1,195,195,9,16,206,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,206,0,0,12,236,20,3,126,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,105,0,2,49,19,174,254,214,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,212,242,134,99,111,240,254,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,254,254,254,204,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,59,143,227,242,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,114,148,255,174,139,43,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,169,252,252,253,252,252,252,226,129,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,242,231,187,144,231,242,252,252,253,123,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,231,51,0,0,0,0,42,111,215,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,80,0,0,0,0,0,0,0,18,209,252,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,63,0,0,0,0,0,0,0,0,18,217,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,60,0,0,0,0,0,0,0,0,0,155,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,235,14,0,0,0,0,0,0,0,0,0,0,32,39,0,0,0,0,0,0,0,0,0,0,0,0,8,201,170,0,0,0,0,0,0,0,0,0,0,15,211,247,163,14,0,0,0,0,0,0,0,0,0,0,157,252,91,0,0,0,0,0,0,0,0,0,0,43,252,244,252,191,110,6,0,0,0,0,0,0,6,153,253,122,2,0,0,0,0,0,0,0,0,0,0,43,252,132,111,242,253,111,32,0,0,0,0,6,155,252,172,21,0,0,0,0,0,0,0,0,0,0,0,43,252,126,0,35,147,226,179,80,0,0,0,153,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,232,0,0,0,0,0,0,18,148,227,232,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,247,99,0,0,0,0,22,199,253,224,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,225,247,144,18,8,128,237,252,170,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,239,197,252,210,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,252,253,252,103,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,135,240,247,245,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,206,247,252,252,252,252,202,241,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,248,252,252,252,197,158,39,19,39,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,249,252,252,164,53,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,81,0,0,0,0,0,0,0,0,0,43,82,96,68,179,54,0,0,0,0,0,0,0,0,38,222,252,252,231,173,152,36,0,0,0,0,65,173,236,252,252,226,212,212,0,0,0,0,0,0,0,0,0,96,225,248,252,252,252,242,160,160,98,84,194,252,252,246,204,34,0,0,0,0,0,0,0,0,0,0,0,0,0,202,238,238,248,252,252,252,253,252,252,248,133,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,132,252,252,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,253,253,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,246,253,95,171,252,242,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,13,10,98,252,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,253,13,0,13,208,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,200,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,63,54,96,238,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,253,252,252,252,252,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,239,253,252,252,252,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,107,232,238,126,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,128,128,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,128,128,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,216,91,141,141,141,141,129,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,252,253,234,131,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,252,253,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,165,252,202,203,252,252,252,253,252,252,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,252,202,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,254,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,197,252,253,240,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,234,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,252,241,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,241,254,253,253,241,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,253,252,252,65,0,13,57,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,234,252,252,253,252,252,153,198,209,252,203,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,252,253,252,252,252,253,252,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,253,253,253,254,253,253,253,204,247,247,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,253,252,233,246,184,65,66,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,194,56,37,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,140,139,103,28,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,255,176,101,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,212,186,186,224,252,252,246,152,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,240,99,0,0,25,44,134,248,252,180,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,99,0,0,0,0,0,22,214,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,99,0,0,0,0,22,121,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,136,0,39,89,165,219,252,170,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,210,3,10,131,131,131,74,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,66,0,0,0,37,54,154,116,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,147,68,93,187,241,252,202,175,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,252,243,248,253,175,100,33,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,243,172,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,246,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,248,214,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,252,78,144,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,194,8,35,238,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,0,0,187,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,168,1,0,87,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,252,41,0,78,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,221,187,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,71,243,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,62,146,146,171,254,254,255,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,114,218,253,253,253,253,253,245,177,177,177,177,56,0,0,0,0,0,0,0,0,0,0,0,0,2,57,200,253,253,250,248,146,115,32,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,44,44,157,253,227,173,102,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,209,253,219,253,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,113,34,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,253,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,192,253,253,221,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,150,249,253,249,113,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,236,253,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,215,253,212,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,137,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,98,0,0,0,87,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,246,143,0,20,201,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,198,209,253,253,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,139,236,253,253,253,219,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,186,62,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,148,148,148,148,218,253,254,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,252,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,241,152,73,21,21,21,21,74,210,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,35,0,0,0,0,0,0,0,99,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,0,0,0,0,0,0,0,0,11,218,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,236,0,0,0,0,0,0,0,0,0,107,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,37,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,197,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,85,211,254,254,255,254,194,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,36,140,203,253,253,253,253,253,253,253,242,70,0,0,0,0,0,0,0,0,0,0,0,0,0,8,133,233,253,253,253,253,253,253,253,253,253,253,253,216,15,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,253,253,253,253,203,182,242,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,253,253,253,253,234,103,125,246,253,253,253,215,13,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,154,248,253,253,253,253,253,253,253,241,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,214,88,166,253,253,253,253,253,253,253,250,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,253,253,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,253,253,253,253,253,253,249,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,76,150,194,212,253,253,253,244,155,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,103,210,253,253,253,126,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,150,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,32,113,168,5,0,0,0,0,0,0,130,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,33,220,253,248,11,0,0,0,0,0,0,8,199,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,209,21,0,0,0,0,0,0,7,209,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,19,189,253,253,210,100,18,0,0,0,0,90,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,53,241,253,253,253,209,183,128,85,118,219,253,253,237,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,192,253,253,253,253,253,253,253,253,253,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,93,209,253,253,253,253,253,253,242,130,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,92,135,171,253,145,135,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,67,192,254,254,255,72,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,240,253,253,253,253,253,253,194,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,31,198,233,253,253,253,244,243,250,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,181,253,253,253,253,222,177,12,0,126,250,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,11,179,253,253,253,253,253,149,0,0,0,0,245,253,253,0,0,0,0,0,0,0,0,0,0,0,6,19,177,253,253,253,253,241,66,27,0,0,0,14,246,253,239,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,243,168,62,0,0,0,0,39,204,253,253,65,0,0,0,0,0,0,0,0,0,0,6,181,253,253,253,253,113,0,0,0,0,0,0,114,253,253,253,65,0,0,0,0,0,0,0,0,8,128,218,253,253,253,180,36,6,0,0,0,0,0,41,233,253,253,239,58,0,0,0,0,0,0,0,0,136,253,253,253,253,246,106,0,0,0,0,0,0,0,48,253,253,231,82,0,0,0,0,0,0,0,0,0,255,253,253,253,253,234,0,0,0,0,0,0,0,0,167,253,253,196,0,0,0,0,0,0,0,0,0,0,27,27,34,226,253,234,0,0,0,0,0,0,16,38,238,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,234,0,0,0,0,0,0,104,253,253,253,179,5,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,234,0,0,0,0,0,26,204,253,253,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,234,0,0,0,0,149,238,253,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,242,76,0,13,114,201,253,253,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,228,179,187,253,253,253,179,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,253,253,253,253,253,253,202,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,139,253,253,253,253,175,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,176,231,65,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,104,156,246,216,97,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,224,245,253,245,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,130,205,254,177,131,63,100,155,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,210,253,253,254,253,247,123,0,5,217,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,244,253,253,139,58,58,58,87,0,0,214,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,154,0,0,0,0,0,0,59,239,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,34,0,0,0,0,0,16,201,253,211,132,214,215,131,88,9,0,0,0,0,0,0,0,0,0,156,253,253,19,0,49,79,79,130,235,254,253,198,174,174,175,241,253,196,18,0,0,0,0,0,0,0,0,156,253,253,198,234,246,253,253,253,253,244,86,6,0,0,0,62,211,253,73,0,0,0,0,0,0,0,0,119,253,253,253,253,254,253,253,253,215,83,0,0,0,0,0,0,175,253,155,0,0,0,0,0,0,0,0,0,193,254,254,254,255,254,254,184,23,0,0,0,0,0,0,0,176,254,155,0,0,0,0,0,0,0,0,0,118,253,250,233,234,188,68,3,0,0,0,0,0,0,0,0,175,253,155,0,0,0,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,88,0,0,0,0,0,0,0,0,0,118,253,219,9,0,0,0,0,0,0,0,0,0,0,47,228,253,164,5,0,0,0,0,0,0,0,0,0,118,253,253,96,0,0,0,0,0,0,0,0,0,76,231,253,185,34,0,0,0,0,0,0,0,0,0,0,8,206,254,254,0,0,0,0,0,0,0,0,70,231,255,249,135,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,16,0,0,0,0,8,25,147,250,253,219,88,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,236,130,79,79,116,206,241,253,210,137,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,244,254,253,253,253,253,254,227,87,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,178,253,253,253,215,133,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,209,105,105,105,105,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,236,252,252,252,252,252,252,252,209,173,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,252,247,237,245,252,252,252,253,252,246,94,2,0,0,0,0,0,0,0,0,0,0,0,0,0,55,231,252,195,94,0,71,175,252,252,253,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,81,15,0,0,0,11,29,29,29,169,252,252,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,224,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,252,230,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,209,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,253,255,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,224,252,252,253,167,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,33,210,252,252,252,176,16,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,252,181,0,0,0,0,0,0,0,113,176,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,168,12,0,0,0,0,0,9,75,242,207,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,252,59,0,31,30,30,30,162,187,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,252,161,134,253,252,252,252,252,252,252,204,28,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,252,252,252,253,252,252,252,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,252,252,253,252,252,230,207,102,59,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,103,182,252,252,252,191,103,103,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,244,174,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,244,56,0,0,93,144,93,93,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,236,188,168,253,252,252,252,232,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,234,253,253,253,242,230,146,229,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,92,92,92,42,0,13,215,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,120,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,243,255,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,253,252,227,67,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,183,183,184,227,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,154,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,128,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,116,144,159,177,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,139,177,210,224,253,253,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,253,253,253,253,253,253,254,184,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,236,231,163,121,121,107,4,53,0,15,23,128,95,0,0,0,0,0,0,0,0,0,0,0,0,186,253,144,19,0,0,0,0,0,0,22,161,223,253,251,78,0,0,0,0,0,0,0,0,0,0,0,0,65,250,194,19,0,0,0,0,12,89,202,253,234,165,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,198,117,0,9,60,236,253,253,238,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,219,253,249,155,228,253,254,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,131,253,253,253,253,254,253,145,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,209,253,253,253,253,225,110,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,216,254,254,254,254,240,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,250,187,106,73,254,233,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,242,0,0,19,72,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,131,44,0,0,2,74,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,22,0,0,0,0,91,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,104,237,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,234,165,122,218,254,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,253,253,253,253,253,255,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,203,253,253,253,253,254,233,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,33,33,148,253,192,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,34,130,159,225,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,100,253,253,217,233,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,70,19,86,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,250,116,2,0,32,231,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,73,0,0,0,0,210,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,34,34,0,9,217,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,190,253,253,163,87,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,231,236,154,197,255,235,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,238,52,0,5,138,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,108,0,0,0,106,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,22,0,0,0,182,230,200,249,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,204,253,22,0,0,154,253,130,52,249,225,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,89,8,79,241,202,0,0,156,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,237,222,199,253,137,29,0,0,6,188,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,196,234,110,5,0,0,0,0,22,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,197,255,254,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,36,128,154,244,253,249,241,214,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,217,253,253,253,253,98,82,73,76,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,198,83,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,109,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,251,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,251,253,253,129,78,78,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,249,253,253,253,253,253,235,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,141,159,253,253,253,253,242,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,5,5,58,245,225,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,249,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,43,0,0,0,0,0,0,100,247,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,235,201,143,84,84,84,120,245,253,205,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,253,253,253,253,161,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,17,114,135,193,187,154,253,217,135,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,196,0,7,48,150,100,133,133,76,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,146,207,253,253,253,253,253,244,177,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,253,253,254,253,253,246,217,217,217,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,206,135,84,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,217,253,175,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,225,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,235,97,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,253,220,98,98,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,64,144,243,253,254,253,239,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,132,132,202,253,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,135,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,165,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,86,167,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,56,115,218,218,218,218,114,98,98,221,253,253,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,122,243,253,253,253,253,253,253,253,253,254,191,128,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,253,207,132,132,70,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,219,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,253,253,244,149,192,241,241,242,241,121,108,108,85,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,253,253,253,254,253,253,253,253,248,121,0,0,0,0,0,0,0,0,0,0,0,0,74,245,253,253,253,253,253,253,253,254,253,253,253,253,253,247,79,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,218,187,250,253,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,23,233,253,253,213,66,66,66,31,0,63,66,66,214,253,253,246,79,0,0,0,0,0,0,0,0,0,0,108,253,253,253,199,0,0,0,0,0,0,0,0,201,253,253,253,107,0,0,0,0,0,0,0,0,0,0,108,253,253,253,199,0,0,0,0,0,0,0,0,201,253,253,253,107,0,0,0,0,0,0,0,0,0,0,108,253,253,253,199,0,0,0,0,0,0,0,54,231,253,253,230,45,0,0,0,0,0,0,0,0,0,0,108,253,253,253,199,0,0,0,0,0,0,50,235,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,201,0,0,0,0,0,0,95,254,254,254,235,49,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,199,0,0,0,0,0,46,232,253,253,230,124,0,0,0,0,0,0,0,0,0,0,0,0,11,181,253,228,55,0,0,0,0,0,228,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,39,29,0,0,0,0,0,39,245,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,253,253,253,200,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,159,254,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,255,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,255,253,253,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,247,255,253,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,47,131,238,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,145,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,173,254,254,254,254,198,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,227,254,254,247,250,187,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,226,254,254,245,92,83,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,254,254,244,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,254,254,244,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,243,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,228,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,180,254,254,254,207,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,254,254,209,69,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,254,254,254,254,211,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,219,74,173,233,254,254,239,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,211,0,0,62,167,236,254,197,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,211,0,0,0,0,199,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,211,0,0,0,0,199,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,255,254,250,145,31,0,0,199,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,108,254,254,254,242,237,237,251,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,30,214,254,254,254,254,254,217,94,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,91,130,160,160,130,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,192,9,0,0,0,73,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,254,18,0,0,0,112,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,228,12,0,0,0,130,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,182,0,0,0,0,131,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,97,0,0,0,0,163,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,91,0,0,0,0,163,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,91,0,0,0,0,169,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,91,0,0,0,0,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,92,0,0,0,0,255,238,26,0,0,99,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,126,4,0,0,53,254,229,68,61,177,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,254,168,128,128,172,254,253,253,253,253,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,247,253,253,253,253,254,253,231,137,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,124,162,124,105,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,188,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,201,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,234,139,0,0,0,0,0,0,0,0,0,82,186,186,117,18,0,0,0,0,0,0,0,0,0,0,0,180,168,0,0,0,0,0,0,0,0,0,107,238,254,224,249,151,2,0,0,0,0,0,0,0,0,0,21,244,110,0,0,0,0,0,0,0,0,55,238,187,89,9,161,254,27,0,0,0,0,0,0,0,0,0,44,254,44,0,0,0,0,0,0,0,0,157,249,32,0,0,8,233,93,0,0,0,0,0,0,0,0,0,180,220,4,0,0,0,0,0,0,0,0,181,148,0,0,0,0,230,116,0,0,0,0,0,0,0,0,8,230,217,0,0,0,0,0,0,0,0,90,253,85,0,0,0,0,230,146,0,0,0,0,0,0,0,0,13,254,161,0,0,0,0,0,0,0,0,145,249,28,0,0,0,45,247,93,0,0,0,0,0,0,0,0,47,254,128,0,0,0,0,0,0,0,0,180,177,0,0,0,0,146,254,32,0,0,0,0,0,0,0,0,94,254,56,0,0,0,0,0,0,0,26,239,138,0,0,0,8,224,221,6,0,0,0,0,0,0,0,0,161,241,27,0,0,0,0,0,0,0,96,254,97,0,0,0,104,254,101,0,0,0,0,0,0,0,0,0,174,229,0,0,0,0,0,0,0,0,133,254,97,0,0,40,233,201,11,0,0,0,0,0,0,0,0,0,198,229,0,0,0,0,0,0,0,0,133,254,21,0,7,207,240,56,0,0,0,0,0,0,0,0,0,0,255,229,0,0,0,0,0,0,0,0,133,254,16,1,156,253,75,0,0,0,0,0,0,0,0,0,0,0,254,229,0,0,0,0,0,0,0,0,133,228,10,130,254,131,0,0,0,0,0,0,0,0,0,0,0,0,157,248,79,0,0,0,0,0,0,0,72,238,93,252,241,79,0,0,0,0,0,0,0,0,0,0,0,0,26,242,183,8,0,0,0,0,0,0,53,254,254,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,142,8,0,0,0,7,70,213,254,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,254,233,181,149,154,233,254,239,151,247,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,108,173,222,254,249,164,80,9,3,36,92,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,107,133,145,88,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,248,233,11,88,238,201,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,225,211,12,0,0,16,222,233,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,249,35,0,0,0,0,93,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,230,0,0,0,0,0,6,216,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,115,0,0,0,0,0,80,246,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,79,0,0,0,0,24,205,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,157,0,6,73,187,248,254,184,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,252,221,4,176,254,254,254,231,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,251,202,254,229,166,88,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,182,255,254,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,120,254,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,247,186,140,254,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,246,90,0,4,192,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,158,0,0,0,88,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,249,205,8,0,0,0,160,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,123,0,0,0,7,238,246,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,98,0,0,2,57,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,242,154,124,189,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,169,254,254,187,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,132,0,0,0,71,194,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,213,0,0,0,175,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,213,0,0,7,199,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,213,0,0,20,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,213,0,0,20,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,154,0,0,140,254,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,247,216,25,0,0,214,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,144,0,0,0,214,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,242,36,0,0,108,250,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,158,0,53,98,231,253,253,110,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,255,254,254,254,254,255,254,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,253,253,253,253,254,243,203,236,253,222,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,222,175,174,107,105,253,254,165,0,12,78,78,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,12,0,0,0,40,253,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,199,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,169,253,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,225,255,154,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,162,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,253,249,201,147,250,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,176,253,248,112,0,0,85,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,98,0,0,76,174,174,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,234,253,210,29,150,237,253,164,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,220,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,253,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,238,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,239,253,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,160,196,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,234,67,212,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,204,108,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,250,248,253,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,150,253,226,99,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,132,145,113,178,145,190,196,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,219,253,250,216,228,240,253,253,240,102,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,249,112,50,0,16,35,67,183,241,254,202,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,128,0,0,0,0,0,0,0,26,221,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,84,254,253,232,109,109,84,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,104,212,253,254,253,253,253,253,254,166,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,247,254,254,254,255,186,243,254,254,255,254,254,208,47,0,0,0,0,0,0,0,0,0,0,0,0,53,247,253,253,253,253,115,2,15,24,43,44,171,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,78,254,253,253,237,120,0,0,0,0,0,0,8,164,250,151,0,0,0,0,0,0,0,0,0,0,0,0,0,113,196,189,50,0,0,0,0,0,0,0,0,8,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,54,141,241,141,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,216,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,123,246,253,196,158,240,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,243,252,252,78,9,85,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,26,141,141,141,191,251,150,76,0,0,0,147,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,202,75,0,0,0,0,114,234,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,156,56,56,6,0,0,0,0,60,234,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,255,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,246,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,249,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,154,229,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,237,253,177,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,3,0,0,0,0,0,0,0,0,0,178,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,155,4,0,0,0,0,0,0,0,52,247,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,14,0,0,0,0,0,0,0,166,254,246,9,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,14,0,0,0,0,0,0,18,230,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,14,0,0,0,0,0,0,26,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,14,0,0,0,0,0,0,98,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,35,249,253,240,12,0,0,0,0,0,0,219,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,131,0,0,0,0,23,95,95,235,253,240,41,0,0,0,0,0,0,0,0,0,0,0,0,13,185,253,236,29,0,39,148,151,250,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,224,78,199,242,253,253,253,253,252,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,253,253,218,192,94,98,222,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,5,205,253,253,253,253,224,102,16,0,0,15,253,253,249,18,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,245,150,5,0,0,0,0,15,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,254,207,75,0,0,0,0,0,0,65,253,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,3,138,127,24,0,0,0,0,0,0,0,146,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,250,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,198,253,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,220,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,73,175,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,154,126,167,244,211,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,215,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,80,4,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,236,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,246,139,0,0,16,20,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,72,27,136,240,254,241,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,199,216,245,164,111,134,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,213,81,0,0,44,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,249,54,0,0,0,44,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,208,86,0,0,0,0,44,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,246,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,222,215,166,132,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,104,190,201,253,251,243,243,254,253,167,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,183,177,112,66,0,0,85,143,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,165,2,0,0,0,0,0,0,38,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,47,16,0,0,0,0,0,0,0,38,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,252,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,205,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,170,255,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,166,253,181,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,192,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,253,206,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,226,253,148,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,140,249,253,253,134,113,147,137,193,113,175,154,113,113,22,54,89,0,0,0,0,0,0,0,0,0,90,209,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,253,221,0,0,0,0,0,0,0,0,140,252,253,253,200,196,130,103,103,103,44,9,9,72,103,103,103,103,93,6,0,0,0,0,0,0,0,0,121,210,128,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,229,253,63,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,179,252,252,252,156,206,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,210,253,252,252,214,119,168,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,222,252,253,252,252,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,178,51,26,210,253,229,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,170,9,0,0,28,159,253,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,246,244,142,13,0,0,0,0,76,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,13,188,246,252,175,0,0,0,0,0,0,0,103,252,156,0,0,0,0,0,0,0,0,0,0,0,0,63,204,253,244,75,0,0,0,0,0,0,0,0,29,253,168,0,0,0,0,0,0,0,0,0,0,0,19,194,253,252,93,0,0,0,0,0,0,0,0,0,29,252,168,0,0,0,0,0,0,0,0,0,0,0,172,252,253,170,13,0,0,0,0,0,0,0,0,0,29,252,130,0,0,0,0,0,0,0,0,0,0,26,222,252,228,9,0,0,0,0,0,0,0,0,0,0,128,252,56,0,0,0,0,0,0,0,0,0,16,216,253,241,51,0,0,0,0,0,0,0,0,0,0,0,204,253,56,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,19,107,253,189,19,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,57,191,252,231,19,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,76,243,252,252,75,0,0,0,0,0,0,0,0,0,0,0,29,253,253,203,13,0,0,0,16,54,178,253,255,253,231,75,0,0,0,0,0,0,0,0,0,0,0,0,22,234,252,252,207,169,169,169,216,252,252,252,222,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,252,252,252,253,252,186,118,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,178,253,252,252,202,140,65,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,157,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,248,253,253,253,253,253,253,249,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,216,142,39,46,168,253,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,149,149,32,0,0,0,5,188,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,182,182,243,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,253,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,237,253,253,253,245,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,58,58,160,253,246,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,234,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,235,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,172,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,20,3,0,0,0,0,0,4,124,253,238,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,160,143,107,81,14,108,163,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,247,252,253,253,253,253,253,253,253,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,163,253,253,253,159,123,123,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,102,34,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,163,254,254,254,254,214,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,220,254,250,236,199,218,254,254,47,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,219,254,237,113,0,0,34,156,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,219,254,224,29,0,0,0,0,34,156,254,161,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,126,0,0,0,0,0,0,35,235,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,80,0,0,0,0,0,0,0,224,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,236,254,165,0,0,0,0,0,0,19,230,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,240,93,15,0,0,0,0,94,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,191,254,254,174,63,14,0,22,194,254,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,199,254,254,254,206,193,214,254,254,229,138,69,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,83,198,254,254,254,254,254,254,254,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,105,254,254,254,254,183,173,173,173,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,193,254,254,224,61,5,0,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,194,254,254,225,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,125,246,254,254,225,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,107,107,193,255,254,254,140,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,107,73,239,254,254,254,254,230,51,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,250,254,254,254,234,112,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,130,130,130,54,6,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,145,186,61,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,137,254,254,254,95,0,0,41,77,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,188,254,254,254,254,219,0,47,236,254,242,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,189,254,254,254,245,211,146,36,235,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,214,90,0,52,205,254,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,3,185,248,254,254,209,23,7,91,242,254,254,254,254,250,74,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,254,224,23,53,220,254,254,254,254,254,214,58,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,222,171,250,254,254,254,254,254,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,254,254,254,254,254,254,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,217,254,254,254,223,155,182,254,254,254,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,16,114,104,11,9,210,254,254,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,249,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,255,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,249,254,254,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,67,0,0,0,125,218,176,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,255,36,0,0,130,223,94,197,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,233,16,0,63,243,67,0,145,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,218,0,6,223,105,0,0,145,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,197,0,140,232,0,0,0,145,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,156,0,213,99,0,0,0,145,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,84,254,36,0,0,0,186,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,234,171,187,0,0,0,37,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,232,83,0,0,0,129,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,243,84,0,0,115,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,201,207,166,156,248,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,191,161,244,249,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,212,254,232,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,152,71,51,51,21,41,51,51,51,51,113,193,152,30,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,253,252,223,243,253,252,253,252,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,123,102,41,102,102,102,102,102,102,102,162,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,102,0,0,0,0,0,0,0,0,183,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,142,0,0,0,0,0,0,0,11,213,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,102,0,0,0,0,0,0,0,51,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,102,0,0,0,0,0,0,0,214,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,20,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,170,187,224,169,157,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,215,252,253,252,252,252,253,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,252,253,177,103,78,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,178,0,0,0,0,79,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,196,9,0,0,0,0,29,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,205,177,22,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,10,3,0,0,0,0,79,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,209,28,0,0,0,0,0,0,7,131,63,51,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,76,0,0,0,0,0,67,85,204,252,205,112,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,252,0,0,38,113,176,225,246,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,192,216,253,253,255,253,253,241,163,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,252,252,253,252,252,252,247,196,158,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,143,168,168,168,168,168,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,85,86,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,226,225,225,225,226,225,246,252,253,252,231,125,0,0,0,0,0,0,0,0,0,0,0,13,92,216,253,253,254,253,244,225,226,225,137,113,114,113,113,63,0,0,0,0,0,0,0,0,0,0,82,206,253,240,196,246,197,121,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,240,252,156,43,0,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,164,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,228,104,128,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,234,252,252,253,196,169,169,157,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,106,106,168,168,234,252,253,215,159,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,28,91,215,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,234,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,137,213,253,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,241,163,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,84,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,109,198,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,202,254,231,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,138,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,119,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,244,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,183,225,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,132,228,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,204,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,198,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,234,172,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,249,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,220,248,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,243,212,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,129,91,251,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,247,55,64,220,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,55,154,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,211,166,243,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,143,202,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,191,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,238,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,244,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,224,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,210,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,210,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,110,109,212,170,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,222,252,253,252,252,252,253,252,227,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,231,252,237,215,215,215,217,247,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,46,108,62,0,0,0,0,134,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,212,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,227,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,226,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,125,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,253,253,217,0,0,94,129,253,255,253,175,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,247,217,218,247,252,252,222,138,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,215,247,252,252,253,241,215,132,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,108,190,108,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,74,156,180,254,224,194,120,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,163,227,254,254,250,251,254,254,254,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,254,211,137,60,66,78,93,236,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,239,243,87,9,0,0,0,0,52,249,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,143,0,0,0,0,0,0,137,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,72,247,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,81,163,242,254,201,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,169,206,254,254,254,128,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,182,248,254,254,254,246,61,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,254,254,254,254,254,213,143,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,159,196,196,196,121,122,196,214,254,254,195,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,92,174,254,228,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,236,15,0,0,0,0,0,0,0,0,0,0,17,155,20,13,8,0,0,0,0,0,0,0,11,96,240,244,95,0,0,0,0,0,0,0,0,0,0,0,58,254,254,224,207,176,176,161,79,177,176,176,218,254,236,87,0,0,0,0,0,0,0,0,0,0,0,0,10,184,235,254,255,254,254,254,254,255,254,254,247,214,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,133,156,201,254,254,178,156,155,88,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,209,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,121,0,0,0,0,0,0,6,45,135,154,154,68,4,0,0,0,0,0,0,0,0,0,0,0,143,252,252,87,0,0,0,0,0,0,67,252,252,252,252,252,193,73,0,0,0,0,0,0,0,0,0,0,143,252,252,10,0,0,0,0,0,49,239,252,252,252,252,252,252,213,29,0,0,0,0,0,0,0,0,0,144,253,253,10,0,0,0,0,0,173,255,253,183,5,25,208,253,253,176,0,0,0,0,0,0,0,0,0,143,252,252,10,0,0,0,0,54,243,253,235,32,0,0,27,238,252,195,9,0,0,0,0,0,0,0,0,143,252,252,102,0,0,0,0,121,252,253,143,0,0,0,0,140,252,252,33,0,0,0,0,0,0,0,0,143,252,252,178,0,0,0,0,187,252,253,77,0,0,0,0,122,252,252,33,0,0,0,0,0,0,0,0,72,252,252,235,20,0,0,0,187,252,253,77,0,0,0,0,145,252,202,12,0,0,0,0,0,0,0,0,22,226,252,252,88,0,0,0,187,252,253,77,0,0,20,127,248,252,136,0,0,0,0,0,0,0,0,0,0,124,252,252,214,83,11,0,84,251,253,84,55,179,236,252,252,154,6,0,0,0,0,0,0,0,0,0,0,55,245,252,252,252,248,154,154,240,253,252,252,252,252,218,104,0,0,0,0,0,0,0,0,0,0,0,0,0,55,177,252,252,252,252,252,252,253,252,252,212,151,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,142,195,252,252,252,239,142,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,125,141,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,118,118,118,158,248,248,248,248,252,253,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,230,252,253,253,253,253,253,253,253,253,253,253,253,253,245,62,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,162,149,149,149,149,149,55,19,19,169,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,24,25,25,4,0,0,0,0,0,0,0,0,163,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,231,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,233,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,152,233,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,253,254,131,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,254,253,224,81,0,0,0,0,51,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,253,130,20,0,0,0,62,142,233,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,172,82,0,0,0,0,82,254,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,172,10,0,0,0,0,123,243,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,173,10,0,0,31,152,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,131,41,0,173,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,243,254,253,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,213,252,253,252,253,232,203,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,172,123,162,234,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,213,10,0,0,30,91,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,224,20,0,0,0,0,21,223,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,203,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,214,10,0,0,0,0,52,233,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,253,131,41,0,21,142,233,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,255,253,255,253,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,213,252,253,252,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,183,253,253,253,254,253,253,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,252,252,252,253,252,252,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,232,196,126,126,38,21,21,40,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,253,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,201,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,253,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,139,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,239,106,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,250,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,154,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,164,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,192,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,246,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,168,0,0,0,0,0,0,103,226,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,0,0,0,0,0,109,251,254,254,233,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,0,0,0,0,11,230,193,117,227,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,95,0,0,0,0,125,254,115,0,78,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,168,0,0,0,0,207,254,37,0,73,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,168,0,0,0,0,207,254,19,0,73,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,151,0,0,0,27,233,254,35,0,126,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,254,112,0,0,0,49,254,254,39,48,237,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,0,0,0,49,254,254,83,133,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,255,181,2,0,0,49,254,254,205,250,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,124,5,4,34,237,254,254,209,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,254,254,248,227,254,254,254,201,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,254,254,254,248,142,96,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,178,130,62,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,57,0,0,0,0,0,0,0,0,0,0,0,85,253,198,28,0,0,0,0,0,0,0,0,0,0,197,251,168,0,0,0,0,0,0,0,0,0,0,0,197,251,196,28,0,0,0,0,0,0,0,0,0,0,255,253,255,84,0,0,0,0,0,0,0,0,0,57,254,253,169,0,0,0,0,0,0,0,0,0,0,0,253,251,253,83,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,0,255,253,169,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,114,253,251,168,0,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,57,224,253,251,168,0,0,0,0,0,0,0,0,0,0,168,253,251,225,56,0,0,0,0,0,0,0,0,86,253,254,253,114,0,0,0,29,85,85,85,254,253,254,253,254,253,254,253,0,0,0,0,0,0,0,0,197,251,253,251,0,0,57,168,197,251,253,251,253,251,253,251,253,251,253,251,0,0,0,0,0,0,0,0,255,253,254,253,85,197,254,253,254,253,254,253,254,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,253,251,196,83,84,83,253,251,253,83,0,0,0,0,0,0,0,0,255,253,254,253,254,253,254,253,169,56,0,0,0,0,0,0,198,253,254,84,0,0,0,0,0,0,0,0,139,251,253,251,253,251,84,83,0,0,0,0,0,0,0,0,85,251,253,83,0,0,0,0,0,0,0,0,57,168,169,168,114,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,194,254,254,255,254,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,253,253,253,253,253,253,209,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,220,200,216,253,253,167,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,216,65,24,0,56,242,253,253,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,129,0,0,0,28,227,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,234,0,0,0,78,253,253,253,227,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,165,3,30,219,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,253,253,109,78,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,253,253,253,253,253,174,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,167,253,253,253,253,175,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,236,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,227,141,235,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,188,0,207,253,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,76,0,40,240,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,110,11,0,231,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,199,183,247,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,217,253,253,253,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,98,152,183,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,99,243,187,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,255,253,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,197,254,253,254,253,198,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,84,83,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,255,253,169,56,0,0,141,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,226,56,0,0,0,57,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,168,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,139,57,57,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,225,224,197,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,83,253,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,83,196,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,204,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,208,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,252,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,252,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,253,244,125,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,93,0,29,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,206,93,13,0,29,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,151,13,0,0,0,29,252,252,190,114,38,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,234,137,76,41,141,91,141,254,253,253,253,214,88,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,122,144,206,253,252,252,252,253,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,252,252,216,252,148,106,178,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,252,151,66,28,6,0,29,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,63,114,38,0,0,0,0,0,0,29,253,216,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,165,202,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,105,148,201,227,148,87,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,137,206,252,253,252,252,252,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,213,252,252,252,232,196,126,152,240,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,43,204,253,252,252,236,101,0,0,0,0,106,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,62,221,252,253,252,252,189,0,0,0,0,0,150,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,89,173,253,253,60,0,0,0,82,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,137,0,21,237,252,147,0,0,96,232,252,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,11,65,4,0,0,232,252,155,0,96,234,252,190,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,82,232,252,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,252,146,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,247,131,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,190,95,252,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,109,64,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,181,202,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,217,147,121,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,227,52,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,78,4,29,29,29,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,178,179,252,252,252,244,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,253,252,252,252,253,240,159,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,252,252,253,252,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,253,253,228,101,26,76,0,13,138,247,203,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,28,0,0,0,0,0,0,122,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,65,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,240,51,0,0,0,0,0,10,228,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,229,253,253,253,192,66,7,0,0,0,10,229,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,109,240,252,253,252,187,119,70,169,197,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,156,253,252,252,252,253,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,165,252,252,253,227,139,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,128,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,64,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,64,64,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,128,255,255,191,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,92,172,255,254,255,144,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,175,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,196,114,114,162,253,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,96,0,0,48,185,253,253,239,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,94,0,62,243,253,250,195,116,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,218,95,238,253,228,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,248,253,253,253,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,151,253,253,253,253,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,200,98,251,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,235,253,209,20,0,68,230,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,253,243,79,0,0,0,132,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,113,0,0,0,0,22,242,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,226,6,0,0,0,0,0,239,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,253,103,0,0,0,0,0,28,243,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,247,28,0,0,0,0,4,187,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,181,0,0,0,0,0,139,253,205,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,96,0,0,9,96,218,253,209,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,227,161,161,239,242,219,96,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,160,253,253,185,147,37,18,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,134,133,209,231,133,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,192,254,253,253,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,254,253,253,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,249,230,200,101,253,253,253,216,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,38,38,188,253,253,239,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,226,253,253,204,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,254,253,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,98,222,253,254,244,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,254,251,230,207,110,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,229,253,253,253,254,253,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,250,248,244,255,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,214,253,231,171,57,47,19,213,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,96,9,0,0,0,112,253,253,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,119,222,253,242,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,73,18,0,0,32,130,254,253,253,181,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,125,86,131,226,253,254,253,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,242,253,253,253,253,253,253,250,87,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,253,201,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,253,253,253,207,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,224,52,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,240,253,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,253,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,201,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,177,107,204,253,204,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,214,210,0,12,135,249,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,112,253,133,0,0,0,126,246,207,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,236,26,0,0,0,0,94,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,216,253,90,0,0,0,0,0,37,234,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,208,6,0,0,0,0,0,0,95,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,232,247,39,0,0,0,0,0,0,0,0,232,174,12,0,0,0,0,0,0,0,0,0,0,0,0,7,193,253,208,0,0,0,0,0,0,0,0,0,198,253,66,0,0,0,0,0,0,0,0,0,0,0,0,120,253,215,26,0,0,0,0,0,0,0,0,0,122,253,66,0,0,0,0,0,0,0,0,0,0,0,14,246,254,103,0,0,0,0,0,0,0,0,0,0,123,229,29,0,0,0,0,0,0,0,0,0,0,0,128,253,186,17,0,0,0,0,0,0,0,0,0,0,199,209,0,0,0,0,0,0,0,0,0,0,0,27,227,253,88,0,0,0,0,0,0,0,0,0,0,0,232,228,29,0,0,0,0,0,0,0,0,0,0,67,253,232,4,0,0,0,0,0,0,0,0,0,5,148,252,95,0,0,0,0,0,0,0,0,0,0,0,67,253,231,0,0,0,0,0,0,0,0,0,5,99,253,145,0,0,0,0,0,0,0,0,0,0,0,0,67,253,231,0,0,0,0,0,0,0,0,74,151,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,67,253,252,81,0,0,0,4,12,26,122,231,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,26,208,253,189,155,155,155,185,253,255,253,217,151,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,253,253,253,253,253,253,244,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,143,143,239,143,143,95,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,132,255,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,175,253,248,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,245,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,231,253,120,0,0,0,0,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,227,24,0,5,108,188,230,181,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,253,128,0,54,234,253,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,88,45,234,253,253,178,167,253,249,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,245,91,234,253,220,51,2,32,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,159,166,253,214,13,0,0,68,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,253,204,248,193,12,0,0,0,135,253,234,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,253,113,0,0,0,0,209,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,202,8,0,0,4,135,252,247,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,253,182,54,27,183,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,143,253,253,253,253,246,232,253,253,180,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,253,253,253,253,253,253,234,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,218,253,253,213,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,195,254,255,254,255,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,234,253,253,253,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,229,139,217,217,217,217,245,253,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,134,0,0,0,0,0,192,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,212,45,0,0,0,0,192,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,88,0,0,0,12,210,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,11,0,0,0,133,253,253,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,253,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,234,253,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,234,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,253,253,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,129,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,253,172,32,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,245,253,253,253,253,253,199,182,182,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,246,253,253,253,253,253,253,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,239,253,253,253,197,186,143,186,209,253,253,247,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,149,6,0,0,0,13,147,253,227,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,214,0,0,0,0,0,0,12,93,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,181,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,218,165,148,69,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,190,247,252,252,253,252,142,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,252,252,252,253,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,183,84,200,252,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,103,14,0,7,156,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,66,105,252,252,212,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,160,225,252,253,252,252,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,242,252,252,252,253,252,252,252,252,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,253,253,253,253,255,222,115,132,247,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,252,252,252,252,222,16,0,0,131,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,252,252,252,252,106,0,0,0,9,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,253,252,244,77,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,25,25,25,25,25,146,145,145,197,145,145,145,145,145,88,0,0,0,0,0,0,0,0,0,0,23,60,180,253,253,253,253,253,254,253,253,253,253,253,253,222,217,159,0,0,0,0,0,0,0,0,26,119,222,253,253,253,253,253,253,253,254,253,223,205,176,84,84,12,0,0,0,0,0,0,0,0,0,0,220,253,253,253,239,193,193,89,72,72,72,72,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,191,60,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,214,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,93,212,238,143,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,155,253,210,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,249,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,65,0,0,0,0,195,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,125,0,0,0,0,28,150,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,227,59,0,0,0,0,78,250,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,244,206,148,108,86,137,251,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,156,226,253,253,253,253,253,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,117,144,238,253,201,145,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,11,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,236,212,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,172,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,251,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,173,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,105,255,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,227,253,71,175,209,211,86,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,244,253,253,239,250,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,189,55,133,133,0,138,253,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,119,0,0,0,0,7,174,253,183,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,134,2,0,0,0,0,59,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,14,0,0,0,0,95,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,227,253,14,0,54,91,126,248,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,229,195,194,229,254,253,253,253,169,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,49,151,253,253,192,104,104,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,125,253,227,150,253,255,149,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,221,253,251,251,251,251,253,251,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,89,217,221,251,251,253,251,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,47,211,253,251,251,251,251,253,251,157,189,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,27,211,251,253,251,251,251,251,253,251,35,31,200,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,255,253,253,253,253,255,253,87,32,202,255,253,216,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,251,251,251,251,253,251,236,190,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,251,251,251,251,253,251,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,138,251,251,253,251,251,251,251,253,251,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,11,148,251,253,251,225,71,200,253,251,251,251,251,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,212,253,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,230,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,170,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,251,251,201,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,173,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,126,15,0,0,0,17,18,32,158,255,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,253,237,154,154,154,244,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,253,253,253,253,129,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,253,253,253,253,253,253,217,215,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,226,164,204,124,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,251,92,164,253,209,107,227,178,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,251,253,134,15,145,253,253,253,253,253,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,199,204,253,253,253,253,253,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,230,253,253,253,253,253,253,253,253,253,253,253,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,253,253,253,199,197,199,224,253,253,168,13,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,253,246,157,59,41,22,6,95,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,213,101,37,0,0,0,0,0,8,214,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,96,225,161,27,0,0,0,0,0,0,0,0,148,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,4,1,5,180,53,0,0,0,0,0,0,32,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,248,14,0,0,0,0,0,16,112,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,208,253,204,146,48,48,30,96,211,253,253,211,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,213,253,253,253,253,253,227,247,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,253,253,253,177,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,142,253,253,253,253,253,253,253,242,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,146,198,198,253,253,145,129,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,231,255,198,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,251,178,33,0,2,63,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,219,254,254,241,69,103,254,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,96,12,92,226,254,174,243,254,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,245,8,0,0,134,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,118,1,0,35,221,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,66,0,61,240,254,254,227,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,130,254,251,167,241,254,254,169,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,207,254,254,254,254,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,251,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,254,254,254,254,235,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,254,191,229,254,253,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,210,9,45,198,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,79,0,0,6,178,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,254,209,7,0,0,0,94,254,251,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,216,254,182,0,0,0,29,184,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,219,69,0,76,213,254,254,243,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,245,254,243,205,245,254,254,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,247,254,254,254,242,119,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,179,254,169,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,244,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,199,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,192,101,0,0,0,0,0,0,12,134,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,176,0,0,0,0,0,0,89,253,221,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,253,176,0,0,0,0,0,22,202,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,176,0,0,0,0,0,56,253,253,211,3,0,0,0,0,0,0,0,0,0,0,0,0,0,61,235,253,253,104,0,0,0,0,0,80,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,219,14,0,0,0,0,8,196,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,79,246,253,243,18,0,0,0,0,0,124,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,155,0,0,0,0,0,0,133,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,75,251,253,188,6,0,0,0,11,107,97,169,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,253,108,111,111,193,221,226,253,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,254,254,254,254,159,148,254,255,254,228,67,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,192,187,106,77,0,96,253,253,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,245,82,44,4,0,0,0,14,207,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,102,62,0,0,0,0,0,0,34,253,253,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,176,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,167,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,242,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,208,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,246,253,253,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,253,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,249,100,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,253,223,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,198,241,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,202,196,38,0,0,0,0,0,0,0,0,0,0,0,0,0,8,127,145,145,94,55,55,55,55,74,158,243,253,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,254,253,253,253,253,254,253,253,253,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,235,235,235,244,253,253,254,242,222,127,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,72,72,72,31,0,109,253,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,254,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,248,253,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,253,238,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,240,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,248,254,150,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,253,172,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,220,253,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,254,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,221,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,194,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,99,190,132,179,143,132,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,177,252,252,241,243,228,228,225,145,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,190,50,59,0,0,5,108,225,157,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,188,20,0,0,0,0,0,0,157,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,101,0,0,0,0,0,0,6,179,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,228,238,81,0,0,0,0,0,59,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,228,239,205,102,8,0,0,145,252,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,155,252,252,220,102,103,237,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,64,143,242,252,253,252,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,184,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,248,255,253,253,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,253,169,128,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,243,252,234,93,32,240,200,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,252,252,40,0,0,79,238,193,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,205,252,226,77,0,0,0,0,81,238,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,182,252,252,110,0,0,0,0,0,0,193,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,206,12,0,0,0,0,0,61,213,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,229,252,252,220,217,154,97,115,217,242,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,205,247,253,252,252,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,11,7,69,132,131,131,131,218,217,34,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,0,0,0,0,0,0,189,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,206,57,0,0,0,0,0,0,69,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,219,254,196,0,0,0,0,0,0,40,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,231,24,0,0,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,173,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,98,0,0,0,0,0,0,0,77,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,107,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,219,51,0,22,40,62,92,28,151,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,254,248,195,226,253,254,253,235,248,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,255,158,68,235,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,135,61,61,39,6,7,235,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,223,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,218,170,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,250,253,172,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,250,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,224,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,13,24,38,177,177,177,108,24,9,0,0,0,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,91,190,253,253,253,253,253,253,253,170,71,0,0,0,0,0,0,0,0,0,0,212,253,253,160,0,39,122,245,253,253,253,253,253,253,253,253,253,240,40,0,0,0,0,0,0,0,0,0,95,250,253,222,169,215,253,253,253,239,237,237,237,237,238,251,253,253,184,67,0,0,0,0,0,0,0,0,0,200,253,253,253,253,253,239,137,12,0,0,0,0,0,145,253,253,253,169,0,0,0,0,0,0,0,0,0,69,253,253,253,253,253,230,62,6,0,0,0,0,0,62,197,253,253,253,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,170,162,162,162,162,162,240,253,253,251,151,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,47,253,253,188,129,199,238,253,253,253,253,253,253,253,253,251,133,8,0,0,0,0,0,0,0,0,0,0,19,188,196,24,0,0,73,99,146,253,253,211,99,99,99,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,130,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,247,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,233,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,210,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,216,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,221,33,0,0,0,0,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,213,253,253,253,143,0,0,0,6,91,210,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,253,253,253,253,143,0,0,0,115,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,243,163,154,227,0,16,157,249,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,234,55,0,0,25,71,227,253,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,165,0,0,0,149,254,253,253,253,234,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,246,174,5,77,251,254,253,253,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,253,253,193,228,253,254,253,217,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,237,253,253,253,253,244,176,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,254,227,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,254,171,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,220,253,253,223,241,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,252,144,7,58,245,253,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,0,0,72,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,0,0,111,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,252,184,184,232,254,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,253,253,253,255,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,254,253,189,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,86,210,253,205,47,143,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,173,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,80,0,0,0,0,0,0,0,122,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,214,254,80,0,0,0,0,0,0,0,224,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,80,0,0,0,0,0,0,56,242,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,228,31,0,0,0,0,0,0,110,254,189,7,0,0,0,0,0,0,0,0,0,0,0,0,0,16,219,254,192,0,0,0,0,0,0,56,241,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,230,30,0,0,0,0,0,0,170,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,254,217,9,50,50,50,50,50,151,241,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,244,193,254,254,254,254,254,254,254,254,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,254,254,254,254,254,224,254,254,254,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,209,186,98,62,32,213,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,55,55,19,0,0,0,21,216,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,181,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,191,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,47,47,139,201,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,249,253,254,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,254,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,253,164,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,254,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,253,221,184,127,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,210,184,184,235,254,220,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,9,0,0,50,140,232,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,153,253,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,151,254,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,87,237,254,255,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,114,237,253,253,253,124,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,199,245,253,254,253,234,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,211,160,161,111,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,255,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,246,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,238,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,248,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,198,187,229,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,69,4,211,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,231,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,135,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,248,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,255,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,124,142,74,64,40,0,0,162,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,254,253,253,253,253,248,238,238,251,178,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,249,129,80,95,158,183,245,254,254,254,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,115,0,0,0,0,55,189,253,237,229,253,230,58,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,199,15,6,48,137,250,251,170,39,12,171,221,140,0,0,0,0,0,0,0,0,0,0,0,0,0,6,136,253,232,226,253,253,213,55,0,0,0,0,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,214,249,173,159,75,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,179,208,156,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,88,207,244,249,233,239,247,177,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,192,60,0,24,93,235,236,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,216,27,0,0,0,0,90,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,0,0,0,0,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,117,0,0,0,0,0,76,255,171,127,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,247,217,42,0,0,0,4,95,254,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,247,253,117,42,0,100,253,254,247,107,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,153,238,244,234,251,253,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,200,253,253,253,254,122,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,254,244,195,255,254,254,186,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,247,85,0,39,122,203,251,238,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,174,0,0,0,0,0,87,205,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,242,43,0,0,0,0,0,0,45,186,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,195,0,0,0,0,0,0,0,0,36,200,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,234,0,0,0,0,0,0,0,0,0,118,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,242,44,0,0,0,0,0,0,0,5,203,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,199,36,0,0,0,0,0,61,194,253,228,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,72,241,243,159,137,144,234,234,248,254,174,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,111,230,254,253,253,162,155,58,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,114,191,113,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,104,252,253,252,252,249,225,163,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,252,252,165,55,87,202,252,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,252,249,145,47,0,0,10,161,253,252,155,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,223,0,0,0,0,0,0,174,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,253,196,0,0,0,0,0,0,0,114,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,26,240,253,252,70,0,0,0,0,0,0,0,113,252,252,223,0,0,0,0,0,0,0,0,0,0,0,13,156,252,253,154,12,0,0,0,0,0,0,0,113,252,252,223,0,0,0,0,0,0,0,0,0,0,0,150,252,252,178,9,0,0,0,0,0,0,0,0,207,252,252,208,0,0,0,0,0,0,0,0,0,0,48,227,252,252,63,0,0,0,0,0,0,0,0,0,253,252,252,84,0,0,0,0,0,0,0,0,0,0,226,253,240,63,0,0,0,0,0,0,0,0,0,141,255,253,253,84,0,0,0,0,0,0,0,0,0,101,249,252,223,0,0,0,0,0,0,0,0,0,26,240,253,252,154,9,0,0,0,0,0,0,0,0,0,113,252,252,114,0,0,0,0,0,0,0,0,13,79,252,253,233,43,0,0,0,0,0,0,0,0,0,0,113,252,252,84,0,0,0,0,0,0,0,0,73,252,252,240,71,0,0,0,0,0,0,0,0,0,0,0,113,252,252,84,0,0,0,0,0,0,0,48,227,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,84,0,0,0,0,0,0,51,238,253,240,140,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,209,0,0,0,0,10,163,238,252,233,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,252,230,57,32,51,88,203,252,253,233,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,246,252,252,216,243,252,252,252,162,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,112,189,253,252,252,157,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,234,152,152,71,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,223,253,252,253,252,253,252,253,232,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,255,253,203,243,254,213,102,102,203,243,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,233,70,0,122,253,252,41,0,0,40,172,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,41,0,0,41,234,253,234,30,0,0,113,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,91,0,82,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,254,253,152,233,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,233,82,123,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,233,50,0,0,213,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,233,41,0,0,0,132,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,233,50,0,0,0,0,10,212,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,214,31,0,0,0,21,132,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,232,183,102,163,223,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,234,253,255,253,255,253,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,192,151,91,50,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,146,229,255,254,180,159,108,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,138,225,252,253,253,254,163,244,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,253,253,247,243,173,150,86,210,243,173,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,219,112,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,238,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,161,0,21,49,15,42,9,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,215,149,205,234,225,244,221,185,157,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,253,101,197,179,187,241,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,164,224,176,116,108,60,0,0,0,28,124,247,94,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,9,0,0,0,0,0,0,0,6,115,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,243,253,103,0,0,0,0,0,0,0,0,0,0,0,0,15,7,0,0,0,0,0,0,0,0,47,140,249,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,166,203,143,102,85,54,13,32,79,178,209,253,253,253,193,6,0,0,0,0,0,0,0,0,0,0,0,0,4,82,253,253,253,249,165,223,250,253,253,253,253,157,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,55,200,162,182,221,253,243,248,189,168,72,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,183,42,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,193,254,253,254,131,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,253,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,224,81,0,0,173,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,61,0,0,0,31,232,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,91,0,0,0,0,0,183,254,151,51,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,102,253,232,233,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,50,0,0,0,0,0,0,234,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,50,0,0,0,0,0,0,152,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,21,0,0,0,0,0,113,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,203,61,0,0,0,41,193,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,253,152,152,152,233,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,213,252,253,252,253,212,91,212,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,102,102,20,0,142,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,197,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,223,254,254,157,26,0,5,34,111,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,243,254,254,254,254,186,165,202,254,254,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,254,254,254,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,244,254,254,254,254,254,254,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,245,254,254,254,231,242,254,254,254,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,169,169,115,17,41,219,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,213,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,242,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,254,151,63,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,37,126,31,6,61,254,254,254,246,251,202,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,254,254,254,197,224,254,254,254,254,254,254,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,254,254,254,254,254,254,254,254,254,254,255,157,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,254,254,254,254,254,254,254,254,254,254,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,250,237,212,209,254,254,254,254,254,254,254,177,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,33,3,0,54,137,254,164,55,104,84,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,237,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,224,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,122,0,0,0,0,0,0,0,0,0,38,30,0,0,0,0,0,0,0,0,0,0,0,0,0,78,247,254,107,0,0,0,0,0,0,0,0,30,242,242,7,0,0,0,0,0,0,0,0,0,0,0,0,142,254,241,56,0,0,0,0,0,0,0,0,148,254,254,8,0,0,0,0,0,0,0,0,0,0,0,78,249,254,175,0,0,0,0,0,0,0,0,0,222,254,254,8,0,0,0,0,0,0,0,0,0,0,0,165,254,254,91,0,0,0,0,0,0,0,0,121,252,254,160,1,0,0,0,0,0,0,0,0,0,0,104,252,254,153,1,0,0,0,0,0,0,0,14,226,254,254,45,0,0,0,0,0,0,0,0,0,0,14,233,254,168,14,0,0,0,0,0,4,9,73,196,254,255,231,11,0,0,0,0,0,0,0,0,0,0,105,254,241,30,0,0,5,17,70,128,209,254,254,254,254,254,125,0,0,0,0,0,0,0,0,0,0,41,235,254,186,12,25,89,206,254,254,254,254,238,246,254,254,248,22,0,0,0,0,0,0,0,0,0,0,80,254,254,228,224,254,254,254,254,254,195,157,21,128,254,254,159,0,0,0,0,0,0,0,0,0,0,0,5,218,254,254,254,240,244,91,49,49,0,0,0,128,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,29,75,123,110,28,32,0,0,0,0,0,0,197,254,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,230,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,237,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,215,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,118,189,121,118,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,160,254,254,254,239,209,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,218,254,254,254,254,228,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,61,185,214,254,254,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,208,254,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,227,254,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,254,254,254,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,254,248,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,250,254,254,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,254,254,254,208,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,166,212,254,254,255,234,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,254,254,254,254,217,33,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,254,254,254,184,254,251,125,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,254,254,254,254,254,254,254,254,254,254,186,149,52,0,0,0,0,0,0,0,0,0,0,0,39,135,231,254,254,254,254,254,254,254,254,255,254,254,254,254,194,70,0,0,0,0,0,0,0,0,0,0,227,254,254,254,254,254,254,254,199,192,192,192,192,192,218,254,254,246,110,0,0,0,0,0,0,0,0,0,139,251,254,254,249,213,213,78,8,0,0,0,0,0,31,75,216,254,248,83,0,0,0,0,0,0,0,0,0,141,234,204,83,0,0,0,0,0,0,0,0,0,0,0,110,237,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,104,187,239,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,239,147,236,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,101,34,66,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,247,162,198,0,124,223,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,255,255,130,0,6,179,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,46,0,0,71,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,254,45,0,0,0,175,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,223,0,0,0,0,115,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,223,0,0,0,0,13,237,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,223,0,0,0,0,0,177,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,224,0,0,0,0,0,171,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,223,0,0,0,0,0,170,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,0,0,0,0,0,149,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,0,0,0,0,0,122,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,0,0,0,0,0,170,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,0,0,0,0,0,212,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,243,32,0,0,0,118,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,179,0,0,77,238,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,248,235,138,139,245,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,20,75,224,225,126,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,139,167,252,233,167,122,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,249,254,255,185,183,247,254,238,119,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,142,254,206,44,17,1,0,16,63,155,254,168,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,221,108,7,0,0,0,0,0,0,4,189,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,0,0,0,0,0,0,0,0,0,34,243,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,112,159,45,0,0,0,0,0,0,21,239,178,0,0,0,0,0,0,0,0,0,0,0,0,0,20,139,239,248,254,254,185,45,1,0,0,0,30,254,124,0,0,0,0,0,0,0,0,0,0,0,0,19,174,254,175,25,79,139,254,254,48,0,0,0,144,254,70,0,0,0,0,0,0,0,0,0,0,0,0,138,241,122,0,0,0,0,58,249,181,8,0,11,219,243,25,0,0,0,0,0,0,0,0,0,0,0,109,253,131,0,0,0,0,0,0,87,249,198,22,60,254,128,0,0,0,0,0,0,0,0,0,0,0,66,253,204,3,0,0,0,0,0,0,0,89,247,178,215,247,46,22,0,0,0,0,0,0,0,0,0,0,167,241,69,0,0,0,0,0,0,0,0,0,150,247,254,221,194,57,0,0,0,0,0,0,0,0,0,0,246,192,0,0,0,0,0,0,0,0,0,0,43,237,248,201,84,0,0,0,0,0,0,0,0,0,0,55,251,131,0,0,0,0,0,0,0,0,0,21,217,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,237,198,3,0,0,0,0,0,0,0,41,226,254,110,9,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,132,18,10,0,0,1,18,106,228,243,109,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,142,253,254,220,184,184,187,254,252,190,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,196,178,254,248,166,166,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,255,172,191,130,130,130,130,231,212,130,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,253,253,253,253,253,253,253,150,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,237,241,235,235,235,235,235,235,241,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,36,0,0,0,0,0,0,100,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,216,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,190,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,213,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,235,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,229,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,242,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,189,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,253,225,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,162,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,139,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,240,253,253,253,227,149,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,226,253,253,253,253,253,254,180,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,189,176,253,253,254,253,245,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,253,235,89,227,253,253,254,253,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,253,253,253,253,254,253,253,253,187,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,253,253,149,119,120,230,253,253,253,169,64,0,0,0,0,0,0,0,0,0,0,0,0,0,1,128,253,253,253,253,59,0,0,12,117,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,236,253,253,184,14,0,0,0,15,253,253,253,222,11,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,163,0,0,0,0,7,174,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,254,254,254,59,0,0,0,0,72,243,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,221,214,59,0,0,0,0,0,224,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,233,42,32,21,0,0,0,0,0,224,253,165,5,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,223,0,0,0,0,0,0,0,57,238,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,250,145,4,0,0,0,0,5,159,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,5,158,253,253,253,130,30,13,0,25,44,253,253,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,238,253,253,253,253,183,135,233,253,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,253,253,255,253,253,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,77,208,251,253,253,254,253,250,208,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,104,192,255,129,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,170,201,191,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,118,252,208,50,164,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,240,81,57,205,247,171,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,252,203,79,0,207,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,63,22,199,248,147,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,24,212,253,234,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,211,212,252,218,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,253,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,240,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,210,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,128,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,128,128,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,254,182,194,155,57,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,244,253,253,250,253,253,253,218,186,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,89,89,88,240,238,253,253,253,213,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,27,34,115,157,250,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,125,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,160,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,187,250,253,253,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,39,226,253,253,253,162,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,198,253,253,253,218,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,226,253,253,184,176,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,196,253,253,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,253,201,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,253,38,0,0,0,0,14,9,35,35,22,35,35,23,0,0,0,0,0,0,0,0,0,0,0,0,68,241,253,221,189,189,189,189,215,205,253,253,228,253,218,128,0,0,0,0,0,0,0,0,0,0,0,0,0,103,240,253,253,253,254,253,253,253,233,181,158,138,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,106,187,159,115,134,132,54,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,215,139,4,7,43,130,234,255,255,197,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,196,253,253,253,243,134,117,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,168,253,253,253,249,235,235,134,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,236,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,253,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,235,74,38,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,239,253,253,253,188,71,44,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,238,253,253,253,253,253,187,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,74,164,212,253,253,253,226,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,68,127,253,253,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,188,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,253,230,14,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,75,0,0,0,0,0,0,0,0,88,244,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,128,243,61,0,0,0,0,0,0,0,0,0,223,253,122,0,0,0,0,0,0,0,0,0,0,0,0,62,238,176,0,0,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,0,143,231,12,0,0,0,0,0,0,0,0,0,192,250,253,94,0,0,0,0,0,0,0,0,0,0,0,0,143,239,106,39,0,0,0,0,0,0,34,209,250,253,209,11,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,242,215,112,112,112,112,209,241,253,253,161,11,0,0,0,0,0,0,0,0,0,0,0,0,0,16,205,253,253,253,253,253,253,253,253,253,253,152,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,129,129,214,253,253,253,156,29,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,181,80,80,80,80,80,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,253,233,158,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,221,253,253,253,253,253,253,253,253,253,251,237,237,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,113,113,113,161,160,249,253,253,253,253,253,253,210,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,12,33,34,34,126,215,253,253,236,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,64,202,244,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,192,253,253,253,205,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,125,203,253,253,253,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,253,207,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,196,253,253,253,218,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,143,251,253,253,135,8,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,253,253,253,154,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,84,240,253,253,251,139,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,199,253,253,253,198,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,221,253,253,253,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,201,253,253,253,197,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,237,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,210,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,156,255,254,171,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,80,147,235,245,196,180,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,194,253,253,210,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,189,241,254,219,116,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,253,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,254,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,253,247,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,254,167,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,248,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,217,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,229,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,0,8,60,98,98,158,195,165,98,98,38,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,241,218,157,180,158,255,231,254,254,254,232,69,0,0,0,0,0,0,0,0,0,0,0,0,3,99,251,253,245,184,50,9,15,39,24,69,206,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,253,211,175,79,86,175,247,253,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,244,247,253,253,253,254,253,253,253,253,117,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,49,58,111,193,254,245,88,148,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,13,0,0,26,19,57,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,123,147,199,210,210,198,199,223,216,253,224,198,160,85,38,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,242,165,165,140,191,140,140,140,141,140,178,253,227,114,25,0,0,0,0,0,0,0,0,0,127,201,25,0,0,0,0,0,0,0,0,0,0,0,0,0,180,255,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,230,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,254,253,128,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,117,205,254,227,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,253,253,203,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,110,110,254,196,81,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,203,179,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,217,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,254,209,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,78,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,110,146,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,192,193,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,232,252,253,252,142,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,251,252,252,253,252,252,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,236,189,190,189,247,252,182,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,199,66,0,0,36,241,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,204,9,0,0,43,157,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,196,50,85,128,253,252,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,252,244,252,252,253,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,252,252,252,216,153,239,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,77,103,121,42,18,0,232,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,179,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,31,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,185,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,116,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,77,0,78,255,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,233,251,50,111,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,103,190,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,251,22,197,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,255,225,30,254,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,254,165,115,254,246,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,158,222,254,224,65,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,245,254,254,254,254,254,254,241,163,184,210,110,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,85,141,254,254,182,165,212,246,246,240,61,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,244,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,212,253,253,148,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,253,244,240,252,252,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,236,56,50,188,252,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,94,0,0,93,252,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,147,0,0,0,51,242,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,168,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,211,43,51,65,0,116,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,247,228,151,0,116,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,160,161,87,13,0,116,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,165,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,93,203,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,234,252,252,252,253,238,146,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,253,253,253,253,255,253,253,211,138,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,154,236,252,252,252,245,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,168,0,44,100,183,246,215,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,176,25,0,0,0,0,42,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,252,168,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,255,232,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,130,236,252,232,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,195,79,38,141,196,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,233,252,227,29,0,0,0,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,240,243,137,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,233,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,228,252,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,233,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,210,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,120,47,47,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,222,252,252,227,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,210,161,160,227,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,32,0,0,80,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,23,0,0,185,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,51,228,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,86,81,228,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,185,252,252,253,252,252,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,179,252,253,231,106,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,215,134,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,235,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,74,154,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,246,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,251,254,238,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,237,254,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,142,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,230,254,175,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,251,254,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,247,254,214,24,0,0,0,0,0,0,61,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,254,247,42,0,0,0,0,4,32,126,216,191,12,0,0,0,0,0,0,0,0,0,0,0,0,93,219,254,218,91,0,0,0,45,115,191,254,254,254,251,65,0,0,0,0,0,0,0,0,0,0,0,18,221,254,189,14,6,24,126,208,244,254,254,254,244,206,82,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,231,172,192,254,254,254,254,203,187,113,42,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,254,254,254,254,254,223,100,36,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,255,251,171,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,251,254,158,78,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,31,0,0,0,0,0,0,0,0,0,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,206,73,0,0,0,0,0,0,0,125,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,231,0,0,0,0,0,0,0,144,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,190,0,0,0,0,0,0,0,144,253,221,62,62,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,62,0,0,0,0,0,0,144,253,252,169,108,0,0,0,0,0,0,0,0,0,0,0,0,15,180,252,252,237,72,0,0,0,0,0,144,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,252,190,11,0,0,0,0,125,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,154,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,253,253,253,170,63,0,0,0,110,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,252,252,252,238,217,217,217,233,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,113,241,252,253,252,252,252,253,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,190,253,252,252,252,191,148,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,253,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,232,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,227,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,251,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,215,215,15,0,0,197,254,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,254,223,10,0,14,222,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,114,0,0,67,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,254,226,3,0,0,182,254,251,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,113,0,0,29,238,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,248,64,22,0,180,254,250,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,235,224,251,254,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,52,133,133,222,252,254,254,254,254,211,211,193,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,254,171,147,147,92,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,244,254,165,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,251,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,106,230,155,78,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,254,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,227,253,249,202,250,254,220,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,205,0,0,22,157,254,161,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,205,0,0,0,24,208,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,229,33,0,0,0,33,254,233,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,221,34,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,143,254,226,127,127,251,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,253,254,254,253,166,42,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,250,175,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,251,174,16,95,253,254,200,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,21,0,0,96,254,254,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,21,0,0,5,121,236,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,91,0,0,0,0,148,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,249,91,0,0,0,99,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,245,89,0,0,142,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,243,253,241,167,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,254,254,205,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,77,155,229,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,219,214,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,217,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,214,153,29,226,254,208,250,218,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,231,254,254,254,254,244,40,245,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,230,254,214,173,237,254,195,0,245,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,251,78,0,21,236,248,48,245,255,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,245,254,101,0,0,0,110,254,175,247,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,59,0,0,0,6,151,254,254,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,202,5,0,0,0,0,5,210,241,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,97,0,0,0,0,0,13,217,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,97,0,0,0,0,0,60,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,223,254,97,0,0,0,0,0,162,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,97,0,0,0,0,6,189,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,97,0,0,0,0,22,254,175,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,193,254,97,0,0,0,0,138,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,255,171,0,0,0,24,243,239,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,205,0,0,23,205,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,83,87,212,254,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,247,254,254,254,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,231,107,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,43,0,0,0,35,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,254,43,0,0,0,163,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,254,187,2,0,0,17,232,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,244,254,201,19,0,0,0,103,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,254,69,0,0,0,8,212,254,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,254,203,15,0,0,0,51,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,254,241,32,0,0,0,0,194,254,242,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,75,0,0,0,0,49,248,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,222,12,0,0,0,0,166,254,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,106,0,0,0,0,20,231,254,198,0,33,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,86,18,0,80,126,203,254,254,249,211,243,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,254,227,207,247,254,254,254,254,254,242,228,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,150,230,254,233,254,254,250,116,51,34,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,18,224,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,245,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,228,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,137,11,0,0,0,0,32,239,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,214,253,53,0,0,0,0,70,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,52,0,0,0,0,0,122,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,192,0,0,0,0,0,0,224,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,152,0,0,0,0,0,0,224,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,230,139,0,0,0,0,0,0,224,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,218,75,24,12,0,0,0,225,87,24,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,208,254,254,227,201,202,201,248,222,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,31,87,108,108,109,202,254,108,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,255,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,195,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,214,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,38,80,146,220,254,255,214,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,116,190,253,253,253,253,253,165,51,0,0,0,0,0,0,0,0,0,0,0,0,0,2,153,222,185,213,242,253,253,253,249,236,139,96,1,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,253,206,185,231,244,210,154,103,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,157,253,211,25,0,32,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,187,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,239,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,231,44,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,211,162,80,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,150,253,253,253,253,253,198,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,16,97,124,190,248,253,174,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,214,253,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,166,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,0,162,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,197,57,0,0,0,0,0,58,238,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,249,123,33,33,100,141,242,253,163,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,171,253,253,253,253,253,249,160,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,56,145,196,233,145,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,212,255,166,130,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,253,253,253,253,253,219,98,13,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,250,235,248,253,253,253,253,114,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,199,253,233,44,108,228,248,253,253,244,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,185,253,156,24,58,232,253,243,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,231,231,253,241,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,119,253,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,253,202,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,232,253,253,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,232,253,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,238,94,207,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,101,0,96,253,236,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,237,237,51,0,14,209,253,170,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,203,0,0,0,199,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,203,0,0,0,199,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,223,29,0,0,90,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,209,28,0,187,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,161,253,253,210,112,223,218,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,253,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,129,159,220,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,128,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,245,205,198,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,221,215,225,254,254,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,254,211,223,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,160,38,71,250,254,220,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,238,59,0,0,61,225,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,254,129,0,0,0,0,113,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,217,8,0,0,0,0,117,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,141,0,0,0,0,0,169,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,251,225,33,0,0,0,0,0,169,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,169,254,133,0,0,0,0,0,10,206,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,218,14,0,0,0,0,0,172,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,148,0,0,0,0,0,57,231,254,164,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,218,254,106,0,0,0,7,107,244,254,157,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,106,0,0,14,120,254,254,224,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,194,13,77,202,236,254,254,180,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,144,194,245,254,254,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,254,223,128,91,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,195,125,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,231,158,158,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,245,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,213,0,0,0,0,17,139,172,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,217,138,0,0,0,11,200,248,235,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,71,0,0,0,91,254,84,47,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,225,17,0,0,13,221,170,0,106,248,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,207,0,0,0,98,232,7,0,156,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,245,38,0,32,225,113,0,41,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,80,0,70,237,29,102,229,186,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,187,222,238,170,255,236,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,65,199,254,245,199,115,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,199,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,114,113,144,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,253,252,252,249,225,163,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,252,252,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,252,253,226,223,242,252,162,35,29,44,91,29,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,75,112,141,240,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,27,0,0,0,176,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,152,0,10,163,253,252,252,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,253,186,44,138,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,252,233,224,252,253,252,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,214,195,253,233,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,252,214,28,0,84,234,233,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,118,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,255,253,56,0,0,114,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,252,122,28,0,238,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,215,197,253,252,239,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,239,230,252,252,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,25,205,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,136,227,255,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,103,217,253,226,218,218,218,137,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,245,118,19,0,0,0,32,147,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,203,253,213,98,0,0,0,0,4,177,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,248,21,0,0,0,0,0,109,253,237,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,253,93,0,0,0,0,0,0,235,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,251,11,0,0,0,0,0,108,253,250,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,157,1,0,0,0,0,54,191,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,31,0,0,10,42,176,253,207,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,193,253,216,177,177,195,253,253,227,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,245,253,253,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,41,41,41,189,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,180,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,253,209,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,19,28,59,48,82,111,144,250,254,216,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,139,237,220,240,234,253,254,253,227,187,201,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,162,106,121,92,211,253,154,0,56,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,63,1,0,0,0,144,248,93,2,169,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,146,5,0,0,25,216,187,0,120,253,234,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,146,0,0,24,103,41,79,251,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,118,251,252,194,3,0,0,37,222,253,149,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,250,253,146,6,40,224,253,153,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,148,178,253,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,120,253,253,254,147,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,121,254,254,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,195,255,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,222,236,72,6,163,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,223,252,142,0,0,84,247,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,253,170,0,0,0,0,105,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,145,29,0,0,0,0,67,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,55,0,0,0,0,2,124,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,176,54,45,12,20,121,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,253,253,253,205,217,254,233,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,120,244,253,253,253,192,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,34,87,144,144,144,144,173,254,254,230,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,173,194,253,253,253,253,253,254,253,253,253,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,179,154,154,154,154,154,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,246,173,10,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,196,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,252,232,232,135,60,12,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,238,253,253,253,253,253,254,253,172,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,152,213,253,253,253,254,253,253,219,116,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,33,33,81,96,172,253,253,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,239,254,254,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,83,92,0,0,0,0,0,0,0,0,0,0,56,253,253,99,0,0,0,0,0,0,0,0,0,0,0,64,252,253,147,5,0,0,0,0,0,0,0,0,56,253,253,109,0,0,0,0,0,0,0,0,0,0,0,23,225,253,253,127,0,0,0,0,0,0,0,0,80,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,89,250,253,234,56,0,0,0,0,0,0,57,235,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,238,55,12,12,12,41,122,191,253,253,243,52,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,253,253,253,253,253,255,253,253,253,253,238,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,213,253,253,253,254,253,253,253,203,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,225,253,254,253,161,85,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,255,253,232,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,217,218,247,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,182,242,252,252,253,220,215,132,72,195,221,252,0,0,0,0,0,0,0,0,0,0,0,0,0,1,120,252,253,252,231,108,108,15,0,0,0,0,16,108,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,206,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,217,247,252,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,252,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,206,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,108,0,0,0,63,110,109,109,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,156,237,253,252,252,252,238,217,114,73,42,0,0,0,0,0,0,0,0,0,0,0,133,247,252,128,0,0,134,71,72,71,175,215,217,236,241,252,222,139,11,0,0,0,0,0,0,0,0,0,0,217,252,252,83,0,0,0,0,0,0,0,0,62,78,190,253,252,154,0,0,0,0,0,0,0,0,0,0,73,253,253,253,128,94,0,0,0,0,0,0,0,0,0,63,238,253,170,0,0,0,0,0,0,0,0,0,10,149,252,252,252,247,217,156,73,73,73,73,73,73,73,218,247,241,97,0,0,0,0,0,0,0,0,0,0,11,154,215,247,252,252,253,252,252,252,253,252,252,252,253,220,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,128,252,253,252,252,252,253,252,252,168,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,243,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,186,252,252,245,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,252,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,116,117,252,135,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,252,64,2,13,211,252,234,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,253,173,0,0,0,100,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,223,25,0,0,0,38,240,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,184,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,112,0,0,0,62,207,240,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,217,84,95,168,243,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,253,253,253,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,252,252,235,248,249,132,209,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,90,100,44,63,63,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,141,204,178,141,41,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,252,207,94,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,194,56,56,156,253,252,234,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,63,0,0,0,91,165,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,244,25,0,0,0,0,0,0,38,213,254,178,44,0,0,0,0,0,0,0,0,0,0,0,0,101,253,240,81,0,0,0,0,0,0,0,0,0,178,252,168,0,0,0,0,0,0,0,0,0,0,0,29,234,253,196,0,0,0,0,0,0,0,0,0,0,44,224,196,10,0,0,0,0,0,0,0,0,0,0,134,252,241,59,0,0,0,0,0,0,0,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,70,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,169,253,203,0,0,0,0,0,0,0,0,19,225,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,202,0,0,0,0,0,0,0,0,66,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,214,0,0,0,0,0,0,0,0,141,252,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,139,0,0,0,0,0,0,0,0,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,16,179,253,78,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,233,22,0,0,0,0,0,0,0,0,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,126,229,252,80,0,0,0,0,0,0,0,0,0,253,252,106,0,0,0,0,0,0,0,0,0,0,0,126,249,253,202,6,0,0,0,0,0,0,0,0,0,129,253,253,103,13,0,0,0,4,29,29,29,41,166,253,241,151,0,0,0,0,0,0,0,0,0,0,0,10,171,252,252,207,169,169,169,179,252,252,252,253,240,196,59,0,0,0,0,0,0,0,0,0,0,0,0,0,13,143,243,253,252,252,252,253,252,252,177,106,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,140,139,139,139,78,28,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,179,161,11,0,0,0,0,9,148,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,34,0,0,0,0,167,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,179,2,0,0,0,30,253,241,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,64,0,0,0,0,113,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,221,12,0,0,0,0,139,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,177,0,0,0,0,103,250,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,221,36,0,10,100,234,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,254,238,225,230,254,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,234,254,254,254,215,126,254,250,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,68,39,39,7,50,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,244,231,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,242,255,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,255,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,156,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,67,225,254,254,218,164,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,187,254,254,254,254,254,254,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,254,211,100,138,211,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,228,49,9,0,0,65,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,240,232,46,0,0,0,0,5,194,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,233,24,0,0,0,0,0,79,192,0,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,92,0,0,0,0,0,12,59,215,250,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,183,254,240,24,0,0,0,0,25,211,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,210,26,0,0,26,211,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,207,23,23,170,254,238,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,141,180,254,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,254,254,254,237,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,254,254,254,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,178,217,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,231,254,155,0,84,246,224,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,218,80,20,135,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,254,254,224,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,184,235,254,255,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,194,155,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,85,86,197,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,168,169,168,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,86,85,255,253,255,253,254,253,254,253,254,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,114,253,251,253,251,253,251,253,251,253,251,253,251,253,251,253,251,196,28,0,0,0,0,0,0,0,0,57,225,255,253,226,168,169,168,169,168,169,168,169,168,198,253,254,253,0,0,0,0,0,0,0,0,0,0,0,56,84,83,56,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,180,148,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,186,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,252,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,218,56,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,221,35,0,148,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,173,0,0,74,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,253,149,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,248,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,178,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,246,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,83,209,254,255,227,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,246,162,117,117,208,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,143,204,161,43,0,0,0,52,248,190,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,240,151,0,0,0,0,0,0,186,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,117,0,0,0,0,0,0,7,194,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,100,0,0,0,0,0,0,75,253,191,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,228,253,155,44,44,29,17,44,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,132,228,253,253,253,253,253,226,185,247,220,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,241,197,197,161,134,134,108,65,236,253,126,2,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,241,149,0,0,0,0,0,0,0,61,123,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,9,61,49,0,0,0,0,0,0,0,0,0,0,242,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,132,250,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,156,249,253,112,2,0,0,0,0,0,0,0,0,0,0,5,93,0,0,0,0,0,0,0,27,100,100,228,253,214,103,3,0,0,0,0,0,0,0,0,0,0,0,8,154,230,140,0,0,0,0,26,145,253,253,253,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,251,236,236,211,200,240,253,253,253,172,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,150,253,253,253,253,253,253,161,96,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,150,229,217,223,96,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,227,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,172,171,9,0,0,0,0,0,0,133,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,175,0,0,0,0,0,0,191,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,108,0,0,0,0,0,90,250,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,22,0,0,0,0,0,210,253,253,145,5,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,22,0,0,0,0,62,250,253,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,109,0,0,0,6,147,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,246,253,253,251,188,188,188,197,253,253,247,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,215,253,253,253,253,253,254,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,111,111,193,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,253,100,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,251,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,95,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,173,10,72,152,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,131,72,232,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,213,163,243,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,172,212,203,243,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,254,151,0,82,163,162,21,61,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,92,51,152,112,92,112,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,253,252,253,252,253,232,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,254,253,254,253,254,253,254,253,234,193,21,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,252,213,252,253,252,253,130,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,183,102,123,203,102,20,0,0,21,142,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,0,0,0,0,0,213,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,173,31,0,0,0,0,0,0,21,223,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,232,0,0,0,0,0,0,0,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,254,253,193,71,21,0,0,0,11,213,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,253,252,223,203,203,203,213,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,253,254,253,254,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,252,253,252,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,234,253,254,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,192,192,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,171,255,247,242,116,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,246,181,38,166,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,99,248,78,0,0,23,232,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,194,254,205,18,0,0,0,144,243,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,160,25,0,0,0,0,144,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,172,3,0,0,0,0,0,144,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,68,0,0,0,0,0,0,154,245,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,68,0,0,0,0,0,41,238,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,68,0,1,12,9,35,187,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,141,7,103,254,237,232,236,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,219,254,204,236,254,254,254,189,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,152,239,239,227,143,75,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,173,217,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,208,13,0,0,0,118,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,179,5,0,0,0,96,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,224,22,0,0,0,0,118,241,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,232,100,0,0,0,0,31,220,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,82,0,0,0,39,223,208,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,239,247,137,129,201,246,174,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,168,254,254,242,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,236,255,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,141,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,141,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,143,253,253,253,193,214,250,189,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,149,8,21,249,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,253,236,64,7,0,0,199,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,253,253,99,0,0,0,0,17,253,147,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,253,253,230,85,0,0,0,0,6,183,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,228,0,0,0,0,0,0,0,30,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,47,0,0,0,0,0,0,0,30,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,42,239,253,171,3,0,0,0,0,0,0,0,30,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,0,30,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,0,83,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,7,202,207,2,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,14,96,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,241,253,216,52,0,0,0,0,85,205,253,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,241,253,249,131,110,93,183,242,253,250,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,253,126,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,253,253,253,230,152,54,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,75,201,178,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,199,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,167,244,206,119,28,105,244,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,245,176,56,7,0,0,28,235,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,142,251,143,22,0,0,0,0,0,207,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,220,238,60,3,0,0,0,0,0,44,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,245,59,0,0,0,0,0,0,0,55,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,168,0,0,0,0,0,0,0,0,141,240,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,50,0,0,0,0,0,0,0,17,201,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,234,172,0,0,0,0,0,0,61,161,243,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,249,188,98,14,0,60,143,201,131,112,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,188,228,254,255,165,95,21,0,166,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,28,28,0,0,0,0,236,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,236,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,242,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,238,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,154,233,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,246,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,250,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,165,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,242,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,248,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,57,146,146,146,183,254,255,255,199,121,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,12,76,202,253,253,253,253,253,253,253,253,253,253,253,175,25,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,253,253,253,253,253,253,253,253,253,253,176,1,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,252,210,210,111,102,102,102,128,245,253,253,108,0,0,0,0,0,0,0,0,0,0,0,254,253,253,240,92,62,0,0,0,0,0,0,0,159,253,253,150,0,0,0,0,0,0,0,0,0,0,0,250,253,244,22,0,0,0,0,0,0,0,0,59,249,253,253,150,0,0,0,0,0,0,0,0,0,0,0,72,172,54,0,0,0,0,0,0,0,0,35,221,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,218,253,253,253,166,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,194,249,253,253,253,175,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,253,253,253,205,89,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,253,253,253,253,253,165,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,177,232,232,130,149,240,253,253,253,231,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,98,235,253,253,163,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,135,12,0,0,0,0,0,0,3,213,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,9,229,253,123,0,0,0,0,0,0,73,240,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,150,242,211,126,7,0,0,12,206,253,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,242,253,249,249,249,250,253,253,249,144,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,183,183,230,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,37,141,118,37,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,128,128,128,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,24,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,122,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,91,234,227,246,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,227,50,230,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,79,0,230,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,128,0,0,0,0,11,139,159,222,180,253,191,114,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,22,0,0,0,81,203,253,252,252,252,252,253,236,65,0,0,0,0,0,0,0,0,0,0,0,47,252,252,22,0,0,134,240,252,247,183,151,69,69,137,252,234,33,0,0,0,0,0,0,0,0,0,0,47,252,252,22,9,166,240,252,210,42,0,0,0,0,15,219,252,45,0,0,0,0,0,0,0,0,0,0,47,252,252,22,24,252,252,168,12,0,0,0,0,0,22,244,252,45,0,0,0,0,0,0,0,0,0,0,47,253,253,86,149,253,215,21,0,0,0,0,0,74,202,253,247,42,0,0,0,0,0,0,0,0,0,0,17,209,252,211,253,252,227,109,161,100,47,78,161,244,253,202,67,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,252,252,252,252,253,252,252,252,252,122,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,244,253,252,252,252,252,253,235,160,160,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,201,252,252,252,200,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,159,194,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,170,247,253,253,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,149,254,253,252,246,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,254,213,102,76,253,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,197,253,253,123,9,0,128,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,159,253,251,95,0,0,15,237,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,127,0,0,13,188,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,251,253,177,2,0,0,149,253,253,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,243,22,0,0,102,249,253,253,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,133,0,0,105,229,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,75,40,226,254,255,254,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,253,233,242,253,253,230,249,253,185,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,234,115,52,236,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,126,177,156,13,0,159,253,246,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,244,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,171,255,255,217,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,253,253,253,253,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,253,156,99,12,147,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,253,159,19,0,0,6,146,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,253,159,3,0,0,0,0,41,223,64,0,0,0,0,59,99,45,0,0,0,0,0,0,0,0,0,125,253,253,102,0,0,0,0,0,0,24,9,0,0,12,106,240,253,230,0,0,0,0,0,0,0,0,0,125,253,253,19,0,0,0,0,0,0,0,0,0,57,174,253,253,198,37,0,0,0,0,0,0,0,0,0,125,253,253,158,49,0,0,0,0,0,0,17,169,239,253,191,45,20,0,0,0,0,0,0,0,0,0,0,90,252,253,253,233,202,92,72,15,0,54,176,253,253,124,20,0,0,0,0,0,0,0,0,0,0,0,0,0,57,182,215,253,253,253,253,207,196,239,253,241,101,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,65,178,194,243,253,253,253,253,218,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,253,253,186,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,177,253,241,111,171,239,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,242,92,0,0,176,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,164,0,0,51,226,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,51,0,7,190,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,51,39,174,253,253,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,165,172,253,253,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,252,220,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,230,253,219,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,118,118,195,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,97,220,250,253,253,253,253,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,234,253,253,253,253,204,221,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,201,253,253,253,204,161,61,22,40,253,253,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,235,85,9,0,0,0,7,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,103,103,50,0,0,0,0,0,7,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,183,253,253,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,182,253,253,177,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,224,253,253,250,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,225,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,248,253,253,198,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,223,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,239,216,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,254,240,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,190,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,254,194,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,245,255,208,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,249,254,211,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,254,210,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,254,218,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,237,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,230,141,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,160,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,193,92,113,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,111,172,232,253,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,213,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,212,50,10,71,232,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,203,61,0,0,0,82,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,212,61,0,0,0,0,0,152,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,224,20,0,0,0,0,0,0,21,203,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,40,0,0,0,0,0,0,0,0,102,253,91,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,192,0,0,0,0,0,0,0,0,0,0,234,172,0,0,0,0,0,0,0,0,0,0,0,0,132,252,213,30,0,0,0,0,0,0,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,0,214,253,41,0,0,0,0,0,0,0,0,0,0,0,153,253,0,0,0,0,0,0,0,0,0,0,0,82,253,171,0,0,0,0,0,0,0,0,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,102,254,131,0,0,0,0,0,0,0,0,0,0,0,21,254,233,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,102,254,50,0,0,0,0,0,0,0,0,0,0,11,213,224,20,0,0,0,0,0,0,0,0,0,0,0,102,253,91,0,0,0,0,0,0,0,0,0,0,173,252,81,0,0,0,0,0,0,0,0,0,0,0,0,82,255,172,21,0,0,0,0,0,0,0,72,233,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,203,61,0,0,0,0,62,142,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,255,253,254,172,214,253,254,233,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,71,192,253,252,151,192,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,121,121,121,190,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,107,177,241,245,252,252,252,252,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,50,25,192,226,243,252,252,253,252,252,252,252,252,231,44,0,0,0,0,0,0,0,0,0,0,0,34,200,234,223,252,252,252,252,252,253,252,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,252,252,252,253,252,192,185,185,185,94,20,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,246,198,198,199,72,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,215,79,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,232,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,235,132,92,77,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,252,252,252,252,252,252,252,253,139,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,253,253,255,253,253,103,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,154,252,252,252,252,252,253,252,252,248,246,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,232,68,26,104,158,253,252,252,252,252,246,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,215,26,0,0,0,39,165,244,252,252,252,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,216,186,67,67,36,64,163,252,252,252,252,219,84,0,0,0,0,0,0,0,0,0,0,0,0,185,252,252,252,252,252,252,222,249,252,252,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,68,222,252,252,252,252,252,253,252,252,252,252,252,252,233,33,0,0,0,0,0,0,0,0,0,0,0,0,0,25,121,243,252,252,252,253,252,252,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,240,251,246,253,252,252,245,252,249,238,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,63,120,119,119,56,224,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,18,94,137,137,192,189,139,137,137,47,0,0,0,0,0,0,0,0,0,0,0,0,0,8,70,100,154,204,254,254,254,254,254,254,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,254,254,246,201,201,102,190,253,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,14,153,183,183,180,65,54,0,0,0,0,250,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,246,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,245,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,248,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,254,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,241,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,228,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,254,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,140,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,227,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,228,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,242,234,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,228,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,220,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,219,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,24,24,87,65,55,138,138,139,138,138,180,253,255,253,222,97,3,0,0,0,0,0,0,0,0,36,161,228,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,252,22,0,0,0,0,0,0,0,0,101,227,252,252,252,253,252,252,252,252,247,183,183,183,183,184,196,252,252,22,0,0,0,0,0,0,0,0,0,29,129,160,160,98,45,45,45,45,42,0,0,0,0,0,9,196,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,79,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,37,92,140,140,140,94,37,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,84,105,187,225,253,253,253,253,253,253,235,143,0,0,0,0,0,0,0,0,0,0,0,0,3,99,179,247,253,253,253,253,253,250,227,185,157,82,54,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,253,253,253,253,195,181,103,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,144,31,31,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,245,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,253,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,160,66,0,2,147,253,253,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,240,153,17,0,0,4,151,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,10,0,0,0,0,4,215,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,128,79,79,79,121,104,242,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,253,253,253,253,253,253,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,186,251,253,219,186,214,160,167,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,36,18,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,98,164,255,255,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,136,219,253,253,253,253,253,210,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,98,216,253,253,253,248,235,241,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,114,253,253,253,236,137,77,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,248,198,29,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,248,119,0,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,119,0,0,0,0,0,13,171,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,211,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,174,253,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,231,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,240,253,153,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,211,241,253,230,36,0,0,75,148,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,121,253,253,185,118,0,0,78,230,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,253,253,231,41,27,136,223,248,253,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,184,253,253,253,160,197,236,253,253,253,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,253,163,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,253,253,221,135,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,229,129,129,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,0,0,0,0,0,16,26,68,68,37,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,217,83,125,166,218,197,213,243,182,181,213,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,212,244,202,255,254,228,217,202,192,254,212,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,139,139,212,129,67,67,11,0,26,202,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,238,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,223,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,181,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,176,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,217,31,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,163,162,102,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,253,252,253,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,244,162,82,21,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,81,0,21,162,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,0,0,72,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,213,10,0,41,233,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,102,0,51,233,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,102,41,193,252,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,253,193,233,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,130,51,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,122,41,0,113,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,255,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,225,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,154,254,255,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,222,249,253,253,253,174,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,253,253,227,142,119,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,139,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,249,253,71,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,95,0,0,62,175,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,204,18,89,241,239,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,214,240,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,185,253,253,253,179,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,181,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,253,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,185,128,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,51,57,245,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,51,0,189,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,62,39,227,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,222,172,253,250,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,227,253,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,171,253,133,0,0,0,16,109,110,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,215,0,0,21,181,252,253,242,196,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,241,181,120,99,252,252,253,252,226,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,108,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,231,76,35,119,35,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,221,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,255,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,252,252,252,252,253,252,252,252,238,175,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,71,71,71,71,72,71,71,154,253,252,180,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,11,0,0,0,0,0,0,73,252,252,175,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,154,0,0,0,0,0,0,155,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,232,47,0,0,0,0,171,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,242,252,232,218,217,217,217,253,252,200,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,241,252,253,252,252,252,253,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,253,252,252,252,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,105,183,200,78,87,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,242,253,252,252,252,252,243,190,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,252,233,231,249,253,252,242,92,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,154,189,128,84,7,0,70,145,189,247,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,217,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,219,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,252,252,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,64,218,252,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,253,252,252,226,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,123,245,253,253,255,253,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,190,227,252,252,252,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,242,206,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,252,252,252,252,253,252,252,252,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,253,208,208,182,147,147,147,147,77,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,0,0,0,0,0,0,0,114,230,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,244,76,0,0,0,0,0,0,189,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,114,0,0,0,0,0,0,226,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,63,0,0,0,0,0,0,226,229,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,255,0,0,0,0,0,0,48,242,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,188,253,228,0,0,0,0,0,0,111,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,140,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,205,254,207,13,0,0,0,0,0,7,205,254,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,253,225,170,158,82,169,169,170,188,253,253,236,28,0,0,0,0,0,0,0,0,0,0,0,0,105,247,254,253,253,253,254,253,253,253,254,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,253,253,254,253,253,253,254,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,199,242,164,114,151,176,227,226,138,114,26,245,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,66,47,0,0,0,0,0,0,0,0,7,188,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,199,159,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,254,222,150,221,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,239,253,200,18,21,216,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,250,253,178,5,0,0,49,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,175,5,0,17,135,154,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,222,18,10,117,218,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,247,53,87,216,254,253,253,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,249,222,249,253,169,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,104,116,253,238,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,80,10,85,255,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,251,228,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,210,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,245,206,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,233,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,210,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,233,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,217,0,0,0,0,0,0,0,0,56,149,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,217,0,0,0,0,0,0,0,0,170,254,114,3,0,0,0,0,0,0,0,0,0,0,0,0,12,216,254,137,0,0,0,0,0,0,0,0,139,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,19,254,249,77,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,19,254,223,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,108,254,223,0,0,0,13,57,118,57,39,0,74,248,254,142,0,0,0,0,0,0,0,0,0,0,0,0,143,254,223,10,63,148,202,254,254,254,233,84,109,247,254,142,0,0,0,0,0,0,0,0,0,0,0,0,111,254,247,202,254,254,254,204,238,254,254,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,203,92,15,42,92,203,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,13,213,223,243,92,16,0,0,0,0,16,220,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,21,27,37,0,0,0,0,0,0,0,169,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,240,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,39,31,30,39,39,78,147,172,167,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,241,238,254,254,254,254,254,254,235,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,249,250,254,249,249,249,147,167,254,242,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,103,9,0,0,0,126,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,233,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,208,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,234,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,243,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,225,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,255,231,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,73,137,163,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,55,132,74,55,81,164,244,253,253,254,249,177,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,253,254,253,253,231,62,95,231,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,247,216,67,31,0,0,138,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,214,98,47,5,0,0,0,0,55,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,146,52,0,0,0,0,0,0,0,36,241,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,128,146,3,0,0,0,0,0,0,0,0,158,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,121,250,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,254,249,156,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,167,253,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,228,254,228,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,127,145,120,55,28,0,20,114,233,253,197,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,197,253,253,254,253,235,178,204,254,245,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,230,253,253,253,254,253,253,253,253,254,95,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,195,253,253,253,253,254,253,207,168,253,254,173,33,0,0,0,0,0,111,207,0,0,0,0,0,0,0,0,196,254,254,254,202,124,72,0,0,66,255,254,254,138,0,0,0,24,234,169,0,0,0,0,0,0,0,0,12,18,18,18,5,0,0,0,0,0,70,210,253,251,203,55,4,76,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,94,245,253,254,220,248,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,209,235,251,224,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,86,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,255,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,255,255,141,86,86,86,86,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,141,29,0,0,0,0,0,0,29,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,29,0,0,0,0,0,0,0,0,0,86,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,255,198,170,141,86,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,226,170,114,114,86,114,170,255,255,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,141,255,170,255,255,226,86,0,0,0,0,0,0,0,0,0,0,114,226,57,0,0,0,0,0,0,0,170,255,86,0,0,86,198,255,226,57,0,0,0,0,0,0,0,0,226,114,0,0,0,0,0,0,29,198,226,86,0,0,0,0,0,57,198,226,0,0,0,0,0,0,0,0,255,141,0,0,0,0,86,170,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,198,198,198,255,255,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,198,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,76,200,209,169,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,228,254,254,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,251,254,250,195,140,182,254,247,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,59,0,0,93,254,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,65,65,15,0,0,128,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,226,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,139,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,225,254,254,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,238,242,254,254,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,221,254,219,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,186,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,230,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,116,0,0,0,0,0,0,0,207,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,121,0,0,0,0,0,0,207,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,232,32,0,0,0,0,7,212,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,192,15,0,0,0,88,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,112,0,0,9,203,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,254,252,157,33,191,254,200,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,183,254,254,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,91,169,254,152,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,64,64,128,128,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,128,64,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,112,229,254,169,153,70,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,251,253,253,254,253,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,237,253,251,196,163,234,251,238,254,228,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,253,162,0,0,13,63,25,254,253,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,105,0,0,0,0,0,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,71,0,0,0,0,0,169,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,181,15,0,0,3,24,237,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,228,160,110,191,253,254,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,216,254,254,254,254,254,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,254,253,253,219,186,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,105,137,62,13,70,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,228,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,198,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,186,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,227,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,253,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,253,253,152,3,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,129,76,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,253,253,253,196,173,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,240,253,253,240,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,234,253,253,237,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,160,253,253,236,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,223,253,253,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,233,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,18,110,181,95,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,47,171,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,115,254,254,217,201,221,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,247,254,254,209,55,0,69,248,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,246,254,211,99,18,0,0,0,96,203,104,208,58,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,254,159,20,0,0,0,0,0,0,181,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,1,174,254,208,15,0,0,0,0,2,51,233,254,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,16,208,254,66,3,0,3,24,52,177,254,254,242,245,254,226,30,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,171,160,169,254,255,254,239,160,46,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,132,239,255,255,254,255,217,195,159,48,0,0,66,255,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,44,59,115,59,59,22,0,0,0,0,0,30,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,255,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,255,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,186,254,255,207,63,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,251,225,225,248,254,170,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,129,0,0,65,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,198,17,0,0,1,34,242,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,235,248,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,247,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,15,10,0,7,208,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,158,173,251,254,228,154,29,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,236,249,174,174,210,224,254,240,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,195,251,76,0,0,0,17,163,254,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,132,0,0,0,0,0,139,254,254,239,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,13,0,0,0,0,44,247,103,118,251,253,139,4,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,4,0,0,0,46,186,214,11,0,53,173,252,202,123,76,3,0,0,0,0,0,0,0,0,0,0,195,254,30,0,0,86,204,232,45,0,0,0,0,60,141,186,186,55,0,0,0,0,0,0,0,0,0,0,36,245,237,189,226,253,231,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,214,254,254,177,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,148,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,196,250,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,250,250,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,252,252,224,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,187,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,237,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,255,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,168,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,231,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,224,250,250,250,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,252,252,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,250,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,165,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,73,163,163,241,254,254,196,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,81,177,223,249,253,238,198,198,202,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,230,178,88,49,36,36,26,0,0,77,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,52,0,0,0,0,0,0,3,203,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,0,0,0,0,0,0,0,69,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,121,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,227,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,238,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,253,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,117,141,204,253,253,203,141,116,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,247,196,196,221,253,252,149,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,224,68,50,0,0,25,128,252,252,177,38,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,227,43,0,0,0,0,0,4,103,228,252,163,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,239,38,0,0,0,0,0,0,0,0,135,253,226,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,47,240,231,44,0,0,0,0,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,123,252,253,196,0,0,0,0,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,197,252,253,145,0,0,0,0,0,0,0,0,0,0,0,51,247,253,229,10,0,0,0,0,0,0,4,104,229,253,255,84,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,171,13,0,0,0,19,57,79,252,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,252,209,97,98,197,215,252,206,168,234,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,252,252,253,252,164,90,13,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,150,175,51,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,171,252,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,250,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,232,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,205,0,0,0,0,0,77,174,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,93,0,0,0,0,0,214,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,251,88,0,0,0,0,0,214,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,229,253,213,0,0,0,0,0,0,214,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,255,214,64,0,0,0,0,0,215,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,251,247,241,241,242,241,241,251,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,206,253,253,253,253,253,254,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,39,39,39,39,39,40,39,39,220,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,250,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,76,0,0,71,197,137,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,215,254,107,0,0,108,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,201,254,215,17,0,0,108,254,102,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,108,0,0,5,191,238,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,247,22,0,0,40,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,104,0,0,0,55,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,219,248,26,0,0,0,32,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,101,0,0,0,0,89,254,160,0,102,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,110,121,92,111,148,230,254,248,237,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,254,254,254,254,254,254,254,248,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,254,254,254,254,254,254,243,223,223,123,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,147,147,147,127,58,151,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,237,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,207,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,138,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,197,254,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,187,254,254,254,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,254,254,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,229,131,249,254,242,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,227,144,43,0,128,249,254,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,191,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,133,254,254,254,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,84,84,84,61,94,255,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,177,254,254,254,240,240,254,254,254,254,162,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,254,254,254,254,254,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,246,254,254,254,254,254,254,254,254,254,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,117,117,117,117,117,131,175,117,117,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,157,208,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,145,247,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,253,230,197,158,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,162,251,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,241,241,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,238,254,37,0,0,0,0,11,19,90,109,51,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,202,5,0,0,0,149,222,253,253,253,254,192,13,0,0,0,0,0,0,0,0,0,0,0,0,24,234,254,98,16,106,112,228,255,254,254,196,233,255,254,95,0,0,0,0,0,0,0,0,0,0,0,0,37,253,201,16,194,253,253,253,140,56,18,4,181,254,241,34,0,0,0,0,0,0,0,0,0,0,0,0,50,253,162,73,253,253,218,62,0,0,0,10,217,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,168,183,249,143,12,0,0,0,0,97,253,248,36,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,254,166,0,0,0,0,0,14,218,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,208,94,114,0,0,0,42,228,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,203,253,249,240,34,0,0,16,233,253,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,254,226,115,108,192,228,253,176,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,254,253,253,253,253,209,60,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,228,162,162,162,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,106,144,245,254,172,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,96,177,250,253,253,253,253,253,143,0,0,0,0,0,0,0,0,0,0,40,100,35,0,0,0,0,135,236,253,253,253,253,219,202,253,253,143,0,0,0,0,0,0,0,0,0,0,157,253,198,5,1,42,215,252,254,248,231,116,10,7,131,253,253,143,0,0,0,0,0,0,0,0,0,44,238,253,253,55,84,253,253,253,184,65,0,0,0,59,246,253,236,64,0,0,0,0,0,0,0,0,0,153,253,111,55,82,216,253,253,128,0,0,0,0,20,194,253,253,137,0,0,0,0,0,0,0,0,0,36,247,253,31,146,249,253,208,22,3,0,0,0,0,109,253,253,227,34,0,0,0,0,0,0,0,0,0,163,253,253,253,253,253,208,39,0,0,0,0,0,4,181,253,251,82,0,0,0,0,0,0,0,0,0,0,254,253,253,253,236,90,6,0,0,0,0,0,0,138,253,253,242,0,0,0,0,0,0,0,0,0,0,0,254,253,253,137,26,0,0,0,0,0,0,0,44,248,253,215,40,0,0,0,0,0,0,0,0,0,0,0,174,192,68,0,0,0,0,0,0,0,0,38,236,255,247,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,253,245,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,250,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,228,254,253,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,253,254,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,253,253,248,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,253,253,234,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,196,234,110,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,115,186,254,255,235,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,116,228,253,253,253,253,253,230,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,235,200,200,230,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,182,182,119,0,0,47,227,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,179,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,253,212,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,241,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,247,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,179,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,235,253,193,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,253,242,183,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,217,253,253,237,157,138,84,74,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,126,253,253,253,253,253,249,235,219,180,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,109,135,135,135,135,190,135,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,212,221,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,180,254,252,164,77,77,77,77,178,185,185,173,77,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,148,249,254,254,254,254,254,254,254,254,254,254,184,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,143,103,103,103,142,109,103,103,183,254,237,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,236,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,248,206,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,233,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,251,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,248,217,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,248,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,178,7,119,232,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,226,254,218,195,229,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,254,248,123,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,125,158,225,192,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,255,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,254,254,254,254,254,226,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,254,254,254,254,254,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,227,232,232,62,67,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,250,254,68,93,25,0,94,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,187,8,0,0,0,177,254,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,200,16,0,0,85,241,242,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,89,0,17,204,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,254,238,96,110,254,243,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,244,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,178,254,243,219,254,241,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,254,243,93,51,244,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,114,254,244,92,0,0,66,205,240,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,232,91,0,0,0,0,177,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,39,0,0,0,0,15,183,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,50,14,14,14,112,224,254,225,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,254,254,254,254,253,224,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,124,235,254,254,221,124,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,94,142,197,198,219,197,138,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,174,253,243,234,253,238,174,231,253,201,41,112,14,0,0,0,0,0,0,0,0,0,0,0,0,16,122,196,253,245,122,32,67,38,0,67,252,159,245,253,25,0,0,0,0,0,0,0,0,0,0,0,0,111,253,250,118,18,0,0,0,0,0,0,196,247,252,203,13,0,0,0,0,0,0,0,0,0,0,0,0,255,253,217,0,0,0,0,0,2,73,156,221,253,232,22,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,219,93,67,40,120,187,217,253,253,253,212,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,253,218,253,253,218,253,228,253,223,238,166,157,63,35,0,0,0,0,0,0,0,0,0,0,25,118,251,253,253,251,251,250,247,166,148,187,144,200,251,253,253,235,165,0,0,0,0,0,0,0,0,0,0,0,140,253,248,90,52,25,16,0,0,0,0,13,58,98,203,253,231,114,0,0,0,0,0,0,0,0,0,37,227,253,187,0,0,0,0,0,0,0,0,0,0,0,171,253,253,87,0,0,0,0,0,0,0,0,0,153,253,253,39,0,0,0,0,0,0,0,0,0,0,182,252,253,221,22,0,0,0,0,0,0,0,0,0,197,253,253,88,0,0,0,0,0,0,0,0,48,163,247,253,214,128,0,0,0,0,0,0,0,0,0,0,197,253,253,118,0,0,0,0,0,0,13,48,241,253,238,152,66,0,0,0,0,0,0,0,0,0,0,0,124,253,253,82,0,0,0,0,16,161,211,207,244,231,55,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,177,15,10,21,68,234,253,253,246,161,18,3,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,253,253,230,210,253,253,253,253,128,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,246,253,253,249,175,137,36,36,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,188,125,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,232,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,208,243,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,237,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,238,236,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,204,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,160,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,204,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,234,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,249,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,185,254,250,133,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,102,253,253,253,254,253,238,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,239,217,102,104,253,253,205,9,129,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,155,253,196,52,0,24,117,253,246,175,155,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,236,71,0,56,125,223,193,108,78,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,11,194,253,146,0,0,199,95,29,0,63,234,253,198,63,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,253,60,0,0,23,0,0,49,189,253,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,133,51,98,98,98,161,238,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,222,253,242,253,253,253,254,253,253,209,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,104,190,132,132,132,17,202,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,246,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,231,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,238,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,202,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,18,74,119,192,142,242,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,86,44,154,171,254,254,254,222,237,254,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,201,254,254,254,254,217,165,83,8,43,183,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,128,65,65,20,0,0,0,4,124,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,89,60,2,0,0,0,0,0,0,12,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,206,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,251,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,241,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,179,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,224,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,232,147,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,210,254,254,219,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,158,72,196,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,204,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,251,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,162,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,245,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,249,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,213,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,152,171,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,185,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,216,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,251,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,244,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,240,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,200,142,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,255,255,140,125,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,249,248,147,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,12,63,142,142,234,253,253,244,241,150,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,56,149,227,253,253,250,218,105,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,52,155,221,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,220,253,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,253,205,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,172,253,227,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,209,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,235,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,202,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,217,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,234,244,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,162,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,248,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,230,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,224,145,152,171,146,145,145,139,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,254,254,254,254,238,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,249,151,144,144,144,145,144,67,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,226,115,37,37,24,37,37,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,254,254,254,235,254,254,254,215,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,118,163,163,163,79,72,112,228,255,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,229,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,74,73,37,0,0,0,0,0,0,0,100,254,128,0,0,0,0,0,0,0,0,0,0,0,0,67,244,254,254,203,100,0,0,0,0,0,0,0,183,222,22,0,0,0,0,0,0,0,0,0,0,0,0,19,165,243,254,136,50,34,0,0,0,6,37,134,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,171,239,254,250,200,201,200,208,254,241,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,72,143,163,254,254,175,92,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,178,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,233,96,178,234,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,233,62,0,53,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,196,0,0,4,178,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,84,0,0,0,170,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,84,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,84,0,0,10,197,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,84,0,0,29,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,84,0,0,79,253,216,141,129,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,65,0,0,22,196,196,196,228,234,131,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,149,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,57,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,187,0,0,0,0,0,0,0,57,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,78,4,0,0,0,0,29,216,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,178,108,44,0,26,166,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,234,252,253,240,197,222,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,203,252,252,151,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,113,166,227,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,148,248,253,253,254,248,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,238,246,126,44,164,223,253,186,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,233,155,71,0,0,0,81,251,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,144,18,0,0,0,0,0,245,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,180,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,207,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,48,254,248,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,15,132,253,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,253,253,253,254,204,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,254,254,254,254,255,254,232,178,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,202,197,187,201,195,201,251,253,253,185,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,4,2,6,17,42,126,176,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,32,0,0,0,0,0,0,56,247,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,163,247,99,27,57,57,81,135,230,215,97,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,254,253,253,243,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,251,253,253,253,253,254,247,192,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,174,186,226,165,79,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,209,104,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,253,252,252,184,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,252,252,252,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,225,252,216,189,247,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,208,18,0,92,217,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,129,0,0,0,27,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,204,90,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,252,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,187,253,255,253,253,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,168,253,252,252,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,56,233,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,27,0,0,0,0,0,13,217,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,218,74,0,0,0,32,105,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,221,190,190,191,237,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,252,252,252,253,252,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,210,252,252,252,253,252,252,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,138,217,252,253,217,94,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,159,180,254,254,255,254,254,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,225,251,253,253,253,234,215,191,122,127,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,149,149,84,56,29,0,0,19,144,253,230,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,212,253,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,83,205,253,212,50,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,163,253,249,136,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,219,253,221,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,249,186,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,241,253,253,254,247,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,65,65,90,242,250,160,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,239,254,115,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,245,241,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,141,191,77,0,0,0,0,0,0,48,253,184,2,0,0,0,0,0,0,0,0,0,0,0,0,12,175,239,150,31,0,0,0,0,0,0,0,48,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,104,253,46,0,0,0,0,0,0,0,0,0,144,253,161,3,0,0,0,0,0,0,0,0,0,0,0,0,83,253,192,74,17,0,0,0,0,9,60,150,245,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,5,158,240,253,227,216,216,216,217,221,253,253,237,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,107,159,159,159,193,159,159,121,65,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,43,158,189,0,0,0,0,0,0,0,0,0,0,0,0,52,164,14,0,0,0,0,0,0,0,97,191,243,254,253,232,0,0,0,0,0,0,0,0,0,0,0,0,128,253,237,128,128,128,101,111,190,233,243,253,253,254,253,126,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,254,253,253,253,253,254,253,221,163,172,254,232,16,0,0,0,0,0,0,0,0,0,0,0,0,75,218,253,254,253,253,227,236,192,68,21,0,89,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,132,107,36,0,0,0,0,38,237,231,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,226,182,0,49,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,236,213,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,79,246,254,237,195,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,112,191,254,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,255,253,252,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,227,95,227,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,122,25,43,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,211,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,197,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,236,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,251,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,196,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,250,30,0,0,0,0,0,0,1,12,99,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,145,0,0,0,0,0,0,0,110,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,236,38,0,0,0,0,0,21,122,251,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,44,248,198,0,0,0,0,0,0,163,253,253,181,230,242,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,199,0,0,0,0,0,19,221,254,155,0,200,245,13,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,111,253,184,4,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,191,253,198,0,0,0,0,0,187,253,154,0,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,245,253,154,0,5,204,243,4,0,0,0,0,0,0,0,0,0,0,0,0,138,253,198,0,0,0,0,0,144,253,154,0,80,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,217,19,0,0,0,0,57,253,154,18,235,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,198,15,0,0,0,3,175,243,234,253,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,253,206,88,31,0,0,31,218,253,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,203,253,253,233,188,189,234,253,213,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,133,143,225,253,255,253,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,255,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,208,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,197,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,246,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,189,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,217,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,108,239,129,194,222,177,130,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,251,234,200,231,227,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,217,104,104,42,13,31,147,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,33,2,2,0,0,0,0,203,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,74,202,252,255,181,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,231,182,250,140,115,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,231,216,233,146,26,64,192,254,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,34,7,14,0,0,0,9,93,219,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,224,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,146,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,0,0,0,0,0,0,0,0,0,0,0,162,141,0,0,0,0,0,0,0,0,0,0,0,0,0,231,0,0,0,0,0,0,0,0,0,0,0,10,207,38,0,0,0,0,0,0,0,0,0,0,0,0,0,244,114,0,0,0,0,0,0,0,0,0,10,155,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,251,154,36,5,0,0,0,0,3,83,181,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,116,230,254,224,185,185,186,185,204,254,249,204,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,121,223,254,254,254,254,254,189,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,77,100,77,184,112,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,170,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,255,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,29,141,198,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,29,170,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,114,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,29,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,114,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,0,0,0,0,0,57,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,141,0,0,29,114,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,255,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,255,114,29,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,170,198,0,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,57,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,86,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,29,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,86,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,198,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,225,165,165,165,165,165,198,255,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,204,254,254,254,254,254,254,254,254,169,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,254,148,84,116,116,126,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,197,254,4,0,0,0,31,254,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,4,0,0,0,178,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,215,3,0,0,0,196,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,251,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,231,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,223,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,191,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,128,128,191,255,255,128,128,128,128,0,0,0,0,0,0,0,0,0,64,128,255,255,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,128,128,128,191,191,128,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,64,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,128,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,158,254,254,218,29,0,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,217,253,253,247,253,216,70,179,150,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,253,253,249,204,57,213,253,129,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,212,82,0,0,75,253,202,253,195,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,253,248,70,0,0,0,29,224,253,253,166,3,0,0,0,0,0,0,0,0,0,0,0,0,0,3,120,253,248,119,0,0,0,0,48,236,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,216,0,0,0,0,67,193,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,131,0,0,39,174,234,253,213,143,246,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,206,180,180,196,253,253,173,15,0,217,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,253,253,240,191,98,15,0,0,217,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,5,134,227,243,185,160,48,0,0,0,0,0,217,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,47,0,0,0,0,0,0,0,0,121,253,230,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,231,253,212,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,28,0,32,145,249,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,248,210,206,241,253,253,212,94,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,113,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,190,129,129,32,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,59,75,194,59,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,170,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,253,253,237,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,176,251,253,253,253,253,253,253,245,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,170,253,253,253,253,253,253,253,253,121,0,0,0,0,0,8,99,45,0,0,0,0,0,0,0,0,0,59,253,253,253,253,253,120,97,97,97,0,0,0,0,0,0,141,253,200,36,0,0,0,0,0,0,0,0,59,253,253,249,233,112,6,0,0,0,0,0,0,0,0,0,215,253,253,57,0,0,0,0,0,0,0,0,59,253,253,213,0,0,0,0,0,0,0,0,0,0,0,49,227,253,253,57,0,0,0,0,0,0,0,0,165,253,253,213,0,0,0,0,0,0,0,0,0,0,54,209,253,253,253,57,0,0,0,0,0,0,0,0,254,253,253,213,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,57,0,0,0,0,0,0,0,0,211,254,254,215,0,0,0,0,0,0,0,0,42,90,254,255,254,254,254,58,0,0,0,0,0,0,0,0,59,253,253,232,73,0,0,0,0,0,0,0,176,253,253,253,253,253,253,57,0,0,0,0,0,0,0,0,59,253,253,253,223,68,0,0,0,0,42,176,229,253,253,253,253,253,157,18,0,0,0,0,0,0,0,0,50,232,253,253,253,242,235,235,235,235,241,253,253,253,253,253,253,253,137,9,0,0,0,0,0,0,0,0,0,73,223,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,253,57,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,253,253,253,255,253,253,253,192,193,253,253,253,57,0,0,0,0,0,0,0,0,0,0,27,219,233,245,253,253,253,253,254,243,97,38,23,144,250,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,109,174,198,210,174,175,94,0,0,0,0,215,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,53,0,0,0,0,0,0,0,215,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,73,150,163,163,73,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,120,241,253,253,229,198,199,245,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,181,240,159,42,144,198,128,37,109,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,238,61,0,0,27,126,209,241,253,253,223,109,14,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,80,0,0,0,0,0,0,21,72,149,168,253,233,129,13,0,0,0,0,0,0,0,0,0,0,0,204,243,39,0,0,0,0,0,0,0,0,0,0,0,149,249,241,125,21,0,0,0,0,0,0,0,0,42,245,113,0,0,0,0,0,0,0,0,0,0,0,0,0,36,161,253,92,0,0,0,0,0,0,0,0,163,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,207,240,0,0,0,0,0,0,0,0,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,214,0,0,0,0,0,0,0,0,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,98,0,0,0,0,0,0,0,0,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,248,52,0,0,0,0,0,0,0,0,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,87,0,0,0,0,0,0,0,0,0,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,158,0,0,0,0,0,0,0,0,0,0,254,108,0,0,0,0,0,0,0,0,0,0,0,0,7,183,223,21,0,0,0,0,0,0,0,0,0,0,254,108,0,0,0,0,0,0,0,0,0,0,0,46,207,228,37,0,0,0,0,0,0,0,0,0,0,0,228,234,23,0,0,0,0,0,0,0,0,16,86,234,228,33,0,0,0,0,0,0,0,0,0,0,0,0,64,249,55,0,0,0,0,0,0,0,81,200,253,203,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,235,139,102,69,89,128,128,192,254,199,81,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,100,215,248,254,253,250,228,144,54,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,72,72,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,163,196,229,163,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,251,254,214,200,199,218,230,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,254,254,218,36,0,0,64,214,241,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,135,254,250,112,12,0,0,0,0,30,216,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,102,0,0,0,0,0,0,0,59,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,254,156,0,0,0,0,0,0,0,0,0,106,254,95,0,0,0,0,0,0,0,0,0,0,0,12,220,254,182,7,0,0,0,0,0,0,0,0,0,32,224,219,12,0,0,0,0,0,0,0,0,0,0,101,254,238,11,0,0,0,0,0,0,0,0,0,0,0,68,254,100,0,0,0,0,0,0,0,0,0,0,184,254,125,0,0,0,0,0,0,0,0,0,0,0,0,51,251,183,0,0,0,0,0,0,0,0,0,0,236,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,185,235,0,0,0,0,0,0,0,0,0,0,237,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,236,0,0,0,0,0,0,0,0,0,0,236,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,235,0,0,0,0,0,0,0,0,0,0,236,217,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,222,0,0,0,0,0,0,0,0,0,0,197,233,24,0,0,0,0,0,0,0,0,0,0,0,0,101,254,106,0,0,0,0,0,0,0,0,0,0,145,254,87,0,0,0,0,0,0,0,0,0,0,0,53,249,227,16,0,0,0,0,0,0,0,0,0,0,88,255,204,0,0,0,0,0,0,0,0,0,0,85,223,254,101,0,0,0,0,0,0,0,0,0,0,0,24,214,252,204,40,0,0,0,0,0,0,28,101,249,254,163,3,0,0,0,0,0,0,0,0,0,0,0,0,31,214,254,244,166,50,37,37,96,212,236,254,241,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,144,248,254,254,254,254,254,254,244,196,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,156,195,202,188,163,111,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,243,255,232,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,253,252,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,176,108,65,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,54,4,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,252,210,21,0,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,193,252,252,242,168,189,230,230,230,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,253,253,253,253,255,253,253,253,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,252,252,252,252,253,252,252,252,231,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,252,252,195,183,69,69,69,69,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,235,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,242,180,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,159,179,127,50,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,254,213,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,244,133,147,233,208,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,224,5,0,33,112,130,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,82,0,0,0,0,0,94,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,118,0,0,0,0,67,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,136,58,0,0,65,238,225,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,179,254,198,16,34,246,254,104,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,254,244,248,254,152,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,244,254,254,163,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,214,254,243,252,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,175,16,205,219,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,91,0,39,131,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,236,13,0,0,5,112,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,222,254,65,0,0,0,10,160,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,241,92,11,0,0,198,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,232,254,254,232,126,147,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,203,255,255,254,254,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,72,132,201,166,82,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,93,159,199,191,144,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,151,254,233,254,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,204,254,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,254,92,32,240,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,254,254,254,254,217,80,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,254,254,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,209,115,254,254,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,242,235,246,235,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,226,254,254,254,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,118,251,254,254,254,252,206,233,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,137,45,0,98,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,254,254,254,200,77,0,0,44,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,157,246,254,77,0,0,0,44,254,122,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,235,15,206,254,80,0,5,10,161,254,221,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,230,0,71,242,227,169,206,254,254,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,230,0,0,143,243,247,218,254,248,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,240,31,0,0,40,49,128,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,224,6,0,48,210,254,205,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,159,254,227,226,246,254,185,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,158,178,211,158,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,64,255,191,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,128,128,128,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,64,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,64,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,128,128,64,0,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,43,43,43,105,148,148,148,148,148,69,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,252,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,231,231,231,231,232,231,231,231,231,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,167,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,139,253,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,234,252,244,12,22,22,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,232,252,252,217,183,252,252,231,169,169,169,67,0,0,0,0,0,0,0,0,0,0,0,0,0,27,106,253,252,252,252,252,253,252,252,252,252,253,252,249,185,18,0,0,0,0,0,0,0,0,0,0,4,139,253,254,253,214,211,211,107,106,115,211,211,212,211,232,253,253,0,0,0,0,0,0,0,0,0,0,15,224,252,204,89,5,0,0,0,0,0,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,41,38,9,0,0,0,0,0,0,0,0,0,0,8,226,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,171,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,27,0,0,0,175,252,252,182,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,125,0,29,219,255,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,196,94,232,252,253,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,252,252,244,152,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,210,247,189,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,217,146,146,185,208,255,255,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,246,253,253,253,253,253,253,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,32,32,32,32,32,32,59,233,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,235,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,239,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,223,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,247,253,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,223,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,228,101,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,192,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,235,187,254,254,254,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,253,253,253,253,253,253,250,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,239,253,219,142,42,43,222,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,106,13,0,0,55,248,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,245,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,189,245,253,192,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,200,253,253,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,186,246,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,253,240,169,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,233,194,194,194,208,253,209,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,71,47,0,0,0,17,109,253,222,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,200,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,54,224,253,250,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,20,54,174,253,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,128,143,234,253,253,253,253,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,253,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,123,234,213,227,219,123,123,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,88,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,200,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,204,251,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,251,251,251,245,233,233,235,233,98,39,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,98,240,251,251,251,251,251,251,253,251,251,251,191,98,90,0,0,0,0,0,0,0,0,0,0,0,37,200,251,251,251,251,251,202,96,96,253,251,251,251,251,251,231,0,0,0,0,0,0,0,0,0,0,0,59,251,251,251,251,239,66,26,0,0,38,37,172,249,251,251,248,214,98,0,0,0,0,0,0,0,0,0,119,251,251,251,251,96,0,0,0,0,0,0,0,173,251,251,251,251,157,18,0,0,0,0,0,0,0,0,253,251,251,251,198,44,0,0,0,0,0,0,0,18,167,251,251,251,251,57,0,0,0,0,0,0,0,0,253,251,251,251,153,0,0,0,0,0,0,0,0,0,98,251,251,251,251,57,0,0,0,0,0,0,0,0,255,253,253,253,154,0,0,0,0,0,0,0,0,0,99,253,253,253,253,57,0,0,0,0,0,0,0,0,253,251,251,251,153,0,0,0,0,0,0,0,0,0,98,251,251,251,251,57,0,0,0,0,0,0,0,0,253,251,251,251,153,0,0,0,0,0,0,0,0,0,98,251,251,251,251,57,0,0,0,0,0,0,0,0,103,251,251,251,153,0,0,0,0,0,0,0,0,37,122,251,251,251,229,48,0,0,0,0,0,0,0,0,253,251,251,251,191,37,0,0,0,0,0,46,98,240,251,251,251,251,115,0,0,0,0,0,0,0,0,0,132,251,251,251,251,191,155,108,0,0,156,200,251,251,251,251,251,202,44,0,0,0,0,0,0,0,0,0,59,251,251,251,251,251,251,239,214,214,253,251,251,251,251,251,234,26,0,0,0,0,0,0,0,0,0,0,41,209,251,251,251,251,251,251,251,251,253,251,251,251,251,202,159,0,0,0,0,0,0,0,0,0,0,0,0,54,115,241,251,251,251,251,251,251,253,251,251,229,115,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,57,177,251,251,251,251,253,251,116,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,193,152,92,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,253,252,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,234,253,254,253,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,253,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,193,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,203,243,253,252,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,253,254,253,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,253,252,253,212,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,234,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,123,203,123,41,123,243,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,253,254,253,254,253,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,252,253,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,255,253,254,253,254,233,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,252,233,111,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,230,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,174,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,94,101,5,0,0,0,0,0,151,254,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,216,12,0,0,0,0,32,240,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,236,51,0,0,0,0,0,64,254,239,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,236,254,88,0,0,0,0,0,6,221,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,200,86,76,32,47,47,78,254,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,95,247,254,254,253,246,249,249,245,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,143,143,143,180,198,246,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,225,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,233,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,222,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,232,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,180,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,254,138,97,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,254,253,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,194,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,56,0,0,0,0,37,235,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,128,0,0,0,0,108,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,253,190,0,0,0,0,169,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,110,0,0,0,16,232,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,252,233,7,0,0,8,129,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,245,169,169,169,197,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,252,252,252,252,253,252,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,219,253,253,225,211,247,243,253,199,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,63,63,21,0,85,237,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,233,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,232,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,191,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,38,137,137,137,137,137,150,178,137,37,0,0,0,0,0,0,0,0,0,0,0,0,0,61,154,154,157,254,254,254,254,254,254,254,254,254,254,183,5,0,0,0,0,0,0,0,0,0,0,0,118,234,254,254,254,254,254,254,254,254,254,254,254,254,254,237,28,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,254,254,254,254,254,254,254,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,172,229,110,116,52,254,254,254,254,254,254,254,254,196,80,10,0,0,0,0,0,0,0,0,0,0,0,0,20,21,0,0,6,254,254,254,254,214,147,31,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,90,254,254,254,250,135,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,187,247,254,254,254,197,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,225,254,254,254,200,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,198,254,254,255,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,237,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,7,0,0,0,31,167,254,254,254,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,178,254,147,0,3,50,173,254,254,254,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,167,51,175,254,254,254,254,233,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,232,254,254,254,254,254,254,254,254,230,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,254,254,254,254,254,190,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,254,254,254,254,254,238,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,169,254,204,135,125,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,128,172,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,203,254,238,246,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,247,108,18,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,108,249,208,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,184,254,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,132,0,0,0,41,149,232,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,248,141,3,0,5,73,242,220,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,179,24,0,31,157,247,145,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,39,0,37,220,245,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,204,196,227,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,136,181,237,254,232,210,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,182,213,24,122,233,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,229,81,0,0,155,230,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,160,0,0,0,2,167,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,201,18,0,0,0,0,79,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,136,0,0,0,0,0,139,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,250,51,0,0,0,0,32,242,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,165,0,0,0,0,102,242,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,160,22,13,55,175,255,175,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,227,214,254,254,133,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,207,254,254,91,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,196,254,253,224,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,214,253,140,44,25,202,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,245,253,137,0,0,0,191,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,178,12,0,0,0,243,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,238,43,0,0,0,118,251,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,104,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,242,0,0,0,0,61,237,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,242,0,0,0,59,234,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,242,0,0,145,240,253,205,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,243,6,149,254,237,82,101,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,250,190,253,224,116,0,177,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,245,253,145,25,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,10,3,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,143,148,253,171,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,226,252,252,252,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,231,153,106,214,252,252,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,172,46,0,0,7,180,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,0,0,0,0,0,27,231,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,191,255,196,6,3,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,133,233,252,253,235,32,100,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,211,252,252,252,253,241,119,227,252,132,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,204,250,252,252,252,252,253,252,252,252,252,252,247,86,0,0,0,0,0,0,0,0,0,0,0,0,0,204,252,170,88,88,210,252,198,197,197,197,197,159,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,55,0,16,210,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,197,127,235,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,252,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,180,151,75,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,137,163,215,176,125,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,198,214,199,198,198,222,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,192,11,0,0,0,64,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,50,0,0,0,10,132,246,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,209,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,210,254,221,76,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,159,245,240,159,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,249,253,199,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,253,207,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,202,254,254,254,254,255,202,118,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,18,18,18,83,109,160,226,245,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,180,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,163,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,194,253,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,108,192,254,232,158,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,200,199,245,253,240,144,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,163,194,149,72,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,159,250,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,182,249,245,226,227,245,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,171,46,0,4,195,201,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,235,121,1,0,0,0,173,254,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,116,0,0,0,0,104,243,250,250,189,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,230,0,0,0,0,101,241,228,103,133,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,245,81,13,61,217,254,251,68,0,107,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,230,254,222,254,248,199,185,0,0,63,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,110,172,165,52,0,0,0,0,10,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,238,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,220,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,125,125,125,216,235,125,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,119,230,249,251,255,254,254,254,254,254,251,239,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,254,254,173,149,149,127,19,170,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,140,113,25,25,6,0,0,0,16,199,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,184,254,254,247,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,254,254,246,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,205,254,254,204,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,242,254,254,186,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,170,241,254,241,165,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,210,254,254,241,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,224,254,254,180,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,229,254,240,171,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,203,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,201,254,254,199,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,184,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,250,254,186,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,195,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,248,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,248,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,222,249,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,219,218,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,22,23,79,92,216,253,253,192,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,169,253,234,234,252,253,252,252,252,253,234,169,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,253,252,252,252,206,142,94,118,168,187,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,140,139,139,40,13,0,0,0,0,7,153,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,255,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,136,155,254,254,255,254,133,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,253,253,228,127,100,223,253,165,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,248,126,25,0,0,37,82,58,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,190,253,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,253,251,16,0,0,0,0,0,0,0,29,243,157,29,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,0,30,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,128,0,0,0,0,0,0,0,0,50,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,29,0,0,0,0,0,0,0,0,148,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,65,0,0,0,0,0,0,0,10,229,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,147,0,0,0,0,0,0,0,112,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,147,0,0,0,0,0,0,0,130,253,253,194,5,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,251,11,0,0,0,0,0,58,249,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,25,0,0,0,0,0,181,253,253,212,30,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,129,0,0,0,0,85,246,253,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,176,253,253,216,29,0,0,87,242,253,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,213,84,166,241,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,76,242,253,253,253,253,253,253,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,193,253,253,226,100,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,91,9,0,0,0,0,0,0,0,0,0,0,86,91,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,129,0,0,0,0,0,0,0,0,0,10,239,253,0,0,0,0,0,0,0,0,0,0,0,0,53,135,253,24,0,0,0,0,0,0,0,0,25,192,253,183,0,0,0,0,0,0,0,0,0,0,0,26,140,253,144,6,0,0,0,0,0,0,0,0,185,253,253,89,0,0,0,0,0,0,0,0,0,0,53,224,253,253,114,0,0,0,0,0,0,0,0,65,237,253,253,89,0,0,0,0,0,0,0,0,0,46,230,253,253,243,92,0,0,0,0,0,0,0,67,234,253,253,190,14,0,0,0,0,0,0,0,0,50,220,253,253,253,114,0,0,0,0,0,0,0,0,205,253,253,253,89,0,0,0,0,0,0,0,0,0,91,253,253,253,141,4,0,0,0,0,0,0,0,0,205,253,253,253,15,0,0,0,0,0,0,0,0,0,91,253,253,233,50,0,0,0,0,0,0,0,0,0,205,253,253,162,6,0,0,0,0,0,0,0,0,0,250,253,253,167,0,0,0,0,0,0,0,0,9,157,252,253,253,106,0,0,0,0,0,0,0,0,0,0,255,253,253,169,5,0,0,0,6,9,9,9,138,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,190,253,253,253,178,99,99,99,194,253,253,253,253,253,253,253,230,65,0,0,0,0,0,0,0,0,0,0,91,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,73,0,0,0,0,0,0,0,0,0,0,0,50,220,253,253,253,253,253,253,253,253,253,253,253,253,253,193,18,0,0,0,0,0,0,0,0,0,0,0,0,35,118,212,212,220,230,212,212,212,101,48,201,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,55,0,0,0,0,0,189,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,212,241,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,244,255,191,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,244,253,233,253,249,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,255,202,37,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,254,36,26,243,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,254,78,0,165,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,243,26,0,145,254,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,234,16,0,197,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,99,32,248,254,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,191,234,243,120,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,129,233,98,16,233,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,228,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,243,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,244,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,228,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,212,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,121,226,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,145,145,224,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,207,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,249,75,0,0,0,0,0,0,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,252,198,0,0,0,0,0,128,133,196,133,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,136,0,0,70,121,255,253,253,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,66,17,191,247,252,253,252,252,161,173,252,250,144,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,86,189,252,252,252,159,32,26,4,7,54,223,235,40,0,0,0,0,0,0,0,0,0,0,91,248,252,252,231,252,252,198,39,0,0,0,0,0,17,198,252,106,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,245,78,0,0,0,0,0,53,176,252,231,22,0,0,0,0,0,0,0,0,0,0,85,246,252,252,252,252,245,79,0,0,51,54,166,238,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,252,252,128,111,174,248,252,252,252,222,121,29,0,0,0,0,0,0,0,0,0,0,0,0,83,227,252,252,252,252,252,252,253,252,252,229,120,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,242,252,252,252,252,252,253,239,119,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,119,140,181,174,119,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,197,222,101,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,183,52,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,254,233,225,254,254,218,165,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,161,35,172,234,243,254,239,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,246,49,0,0,0,33,142,184,234,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,224,0,0,0,0,0,0,2,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,236,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,239,254,252,250,250,250,169,88,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,254,254,254,254,167,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,169,194,194,194,116,194,232,254,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,0,0,0,0,0,25,170,254,225,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,131,254,195,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,5,0,0,71,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,180,180,180,224,89,0,11,201,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,254,235,137,123,237,254,254,243,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,203,254,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,120,244,254,254,254,254,254,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,94,135,217,249,154,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,156,194,89,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,175,253,254,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,199,253,222,78,85,229,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,228,253,201,34,0,0,44,190,238,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,154,5,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,181,30,0,0,0,0,0,197,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,91,0,0,0,0,0,7,235,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,146,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,10,129,247,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,114,0,0,38,209,253,185,245,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,254,254,254,254,241,68,0,159,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,181,233,180,135,30,0,0,151,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,128,191,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,242,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,233,252,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,231,253,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,251,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,242,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,128,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,64,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,191,128,128,128,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,140,254,183,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,60,114,229,253,253,253,240,209,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,164,196,253,201,254,253,253,253,253,253,206,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,135,253,253,253,253,254,225,211,253,253,253,253,206,28,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,253,253,254,229,168,178,200,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,11,179,245,253,253,253,235,235,224,82,0,0,22,74,153,251,59,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,126,49,49,0,0,0,0,0,0,0,239,59,0,0,0,0,0,0,0,0,0,0,57,248,253,253,253,126,1,0,0,0,0,0,0,0,0,128,252,59,0,0,0,0,0,0,0,0,0,0,175,253,253,240,190,28,0,0,0,0,0,0,0,0,0,32,59,14,0,0,0,0,0,0,0,0,0,0,209,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,29,0,0,0,0,0,0,0,0,36,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,143,30,30,13,30,13,31,154,179,200,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,183,253,183,254,253,245,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,163,243,253,253,253,253,253,255,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,198,253,229,224,218,120,209,85,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,49,37,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,122,105,105,105,219,253,255,129,192,105,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,252,252,252,252,253,252,252,252,169,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,244,252,252,244,237,237,237,238,237,246,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,132,132,63,0,0,0,0,0,94,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,173,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,249,252,252,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,252,181,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,255,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,182,252,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,252,252,204,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,252,252,252,241,188,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,253,252,247,178,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,253,252,252,252,147,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,14,67,231,252,163,183,252,252,252,242,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,59,0,14,70,252,252,252,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,147,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,118,200,254,254,254,162,81,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,191,253,239,143,143,143,241,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,65,65,65,251,252,127,14,0,0,0,62,237,220,14,0,0,0,0,0,0,0,0,0,0,0,2,89,227,253,253,253,250,72,0,0,0,0,0,0,189,253,54,0,0,0,0,0,0,0,0,0,0,0,89,253,253,165,214,253,135,0,0,0,0,0,0,0,189,253,123,0,0,0,0,0,0,0,0,0,0,8,214,253,163,7,29,200,13,0,0,0,0,0,0,0,189,253,103,0,0,0,0,0,0,0,0,0,0,99,253,228,16,0,0,0,0,0,0,0,0,0,0,12,211,187,15,0,0,0,0,0,0,0,0,0,10,249,253,124,0,0,0,0,0,0,0,0,0,0,0,106,253,109,0,0,0,0,0,0,0,0,0,0,87,253,253,79,0,0,0,0,0,0,0,0,0,0,30,242,253,109,0,0,0,0,0,0,0,0,0,0,129,253,234,2,0,0,0,0,0,0,0,0,0,0,100,253,107,2,0,0,0,0,0,0,0,0,0,45,245,253,153,0,0,0,0,0,0,0,0,0,0,23,239,239,38,0,0,0,0,0,0,0,0,0,0,56,253,253,72,0,0,0,0,0,0,0,0,0,17,194,253,94,0,0,0,0,0,0,0,0,0,0,0,139,253,253,34,0,0,0,0,0,0,0,0,13,153,252,136,3,0,0,0,0,0,0,0,0,0,0,0,221,253,253,34,0,0,0,0,0,0,0,17,153,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,34,0,0,0,0,0,0,1,157,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,34,0,0,0,0,0,16,162,253,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,228,21,0,0,0,6,73,237,253,156,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,144,0,11,124,200,253,236,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,154,253,253,244,246,253,229,132,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,218,206,153,103,54,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,85,141,253,198,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,255,253,255,253,254,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,84,83,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,255,253,0,0,0,0,198,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,196,83,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,86,253,226,56,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,85,251,168,0,0,0,0,0,0,0,0,0,0,0,197,251,196,28,0,0,0,0,0,0,0,0,0,57,255,253,169,0,0,0,0,0,0,0,0,0,29,197,254,253,169,0,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,197,251,253,251,56,0,0,0,0,0,0,0,0,0,86,253,255,196,0,0,0,0,0,0,0,0,29,197,254,253,226,56,0,0,0,0,0,0,0,0,0,0,85,251,253,83,0,0,0,0,0,0,0,0,197,251,196,83,56,0,0,0,0,0,0,0,0,0,0,0,254,253,169,0,0,0,85,197,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,225,168,170,168,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,254,253,254,196,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,139,251,253,251,84,83,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,129,13,0,0,0,0,0,0,32,230,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,175,0,0,0,0,0,0,85,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,243,252,118,0,0,0,0,0,0,165,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,242,4,0,0,0,0,0,2,173,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,184,252,145,0,0,0,0,0,0,23,252,194,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,183,5,0,0,0,0,0,0,109,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,164,0,0,0,0,0,0,0,132,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,164,0,0,0,0,0,0,0,132,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,252,83,0,0,0,0,0,0,0,214,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,228,31,0,0,0,0,15,111,201,251,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,249,210,253,253,255,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,186,238,252,212,186,186,172,77,222,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,44,17,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,250,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,224,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,174,150,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,253,253,175,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,237,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,234,253,232,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,37,107,157,134,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,253,229,32,0,0,24,254,253,253,253,233,135,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,154,9,27,211,254,253,253,253,253,253,229,26,0,0,0,0,0,0,0,0,0,0,0,0,0,12,198,253,253,156,150,253,254,246,173,213,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,233,253,253,253,253,254,249,213,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,235,253,253,253,254,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,221,253,253,254,253,253,253,253,253,164,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,11,128,75,202,178,132,104,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,138,138,180,253,255,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,203,253,252,252,252,252,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,189,184,183,183,183,246,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,244,203,160,77,45,4,0,0,0,0,230,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,11,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,249,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,16,105,187,255,255,191,108,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,166,223,219,194,135,169,236,251,239,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,226,254,64,0,0,0,0,26,196,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,207,176,4,1,0,0,0,0,0,17,99,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,219,73,0,0,0,0,0,0,0,106,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,105,0,0,0,0,0,0,0,0,39,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,200,44,0,0,0,0,0,0,0,0,2,193,54,0,0,0,0,0,0,0,0,0,0,0,0,0,5,219,88,0,0,0,0,0,0,0,0,0,3,201,91,0,0,0,0,0,0,0,0,0,0,0,0,0,58,246,49,0,0,0,0,0,0,0,0,0,39,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,130,229,0,0,0,0,0,0,0,0,0,0,129,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,208,188,0,0,0,0,0,0,0,0,0,59,231,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,105,0,0,0,0,0,0,0,0,3,163,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,38,0,0,0,0,0,0,0,0,79,254,129,5,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,38,0,0,0,0,0,0,0,22,223,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,38,0,0,0,0,0,0,0,203,254,178,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,250,38,0,0,0,0,0,23,200,252,179,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,76,0,0,0,0,23,204,254,234,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,211,95,42,112,163,249,254,208,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,234,254,243,254,254,234,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,227,217,130,99,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,39,39,127,205,181,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,77,160,185,185,210,254,254,254,254,254,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,88,223,251,254,254,254,254,254,254,254,254,254,254,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,240,211,211,211,109,156,254,254,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,234,176,65,43,0,0,0,0,168,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,3,0,0,0,0,0,76,246,254,230,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,149,158,158,249,254,254,244,158,114,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,254,254,254,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,253,238,238,238,210,129,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,221,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,251,254,227,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,218,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,113,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,234,255,193,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,254,245,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,192,146,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,220,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,231,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,162,254,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,219,218,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,215,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,5,0,0,0,0,0,0,0,45,247,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,249,43,0,0,0,0,0,0,0,206,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,43,0,0,0,0,0,0,17,237,228,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,249,39,0,0,0,0,0,1,127,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,168,0,0,0,0,0,0,10,254,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,185,254,12,0,0,0,0,0,0,159,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,138,2,0,0,0,0,0,37,246,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,238,22,0,0,0,0,0,25,148,254,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,175,0,0,4,49,139,186,245,254,245,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,254,78,112,204,211,254,252,240,250,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,254,254,190,146,66,40,229,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,254,217,142,95,4,0,0,128,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,53,8,0,0,0,0,79,245,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,243,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,217,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,194,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,83,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,196,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,210,253,241,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,253,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,219,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,250,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,111,0,0,0,0,0,0,16,63,159,186,186,186,186,74,35,0,0,0,0,0,0,0,0,0,0,254,253,111,0,0,0,0,0,77,207,253,253,253,253,253,253,253,226,134,2,0,0,0,0,0,0,0,0,254,253,208,0,0,0,0,136,237,253,253,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,254,253,235,0,0,0,75,238,253,253,253,190,172,172,202,253,253,253,253,214,0,0,0,0,0,0,0,0,254,253,241,36,0,32,239,253,234,136,43,10,0,0,16,43,191,253,253,233,0,0,0,0,0,0,0,0,254,253,253,220,37,144,253,235,126,0,0,0,0,0,0,37,160,253,253,147,0,0,0,0,0,0,0,0,206,253,253,253,235,242,253,155,0,0,0,0,32,100,145,235,253,253,253,20,0,0,0,0,0,0,0,0,16,205,253,253,253,253,253,213,106,136,230,230,237,253,253,253,253,253,95,1,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,253,253,253,253,253,253,253,253,253,207,87,1,0,0,0,0,0,0,0,0,0,0,7,91,253,253,253,253,253,253,253,253,253,253,253,152,87,7,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,129,129,129,190,129,129,96,5,5,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,252,252,0,0,0,0,0,0,0,0,133,56,4,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,243,0,0,0,0,0,0,0,0,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,142,0,0,0,0,0,0,0,0,253,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,252,142,0,0,0,0,0,0,0,0,253,252,201,10,0,0,0,0,0,0,0,0,0,0,0,4,175,252,252,90,0,0,0,0,0,0,0,0,167,252,252,187,0,0,0,0,0,0,0,0,0,4,117,188,252,252,252,33,0,0,0,0,0,0,0,0,23,229,252,247,187,187,87,78,78,78,78,78,168,193,252,252,252,252,252,33,0,0,0,0,0,0,0,0,0,52,185,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,252,33,0,0,0,0,0,0,0,0,0,0,0,68,220,220,222,248,245,253,255,230,220,162,39,0,232,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,63,57,77,77,23,0,0,0,62,246,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,242,252,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,239,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,175,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,163,194,97,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,253,234,250,226,107,0,0,0,0,0,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,199,253,222,0,66,78,182,79,102,175,175,175,205,176,93,24,0,0,0,0,0,0,0,0,0,0,0,0,124,253,245,0,0,0,189,253,254,219,213,161,153,117,117,74,0,0,0,0,0,0,0,0,0,0,0,0,48,245,253,0,0,0,143,155,58,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,194,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,196,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,223,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,235,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,223,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,224,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,136,189,248,254,174,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,193,155,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,44,0,0,0,0,0,0,0,26,211,239,51,0,0,0,0,0,0,0,0,0,0,0,0,0,29,205,248,219,0,0,0,0,0,0,0,110,252,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,249,95,0,0,0,0,0,25,211,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,252,106,0,0,0,0,0,67,252,252,243,93,0,0,0,0,0,0,0,0,0,0,0,0,64,241,252,252,231,22,0,0,0,0,0,67,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,243,108,0,0,0,0,0,0,96,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,15,178,252,252,212,0,0,0,0,0,0,0,200,252,252,204,0,0,0,0,0,0,0,0,0,0,0,12,180,252,252,252,212,0,0,0,0,0,0,51,233,252,252,93,0,0,0,0,0,0,0,0,0,0,0,114,252,252,252,252,235,54,0,0,0,0,5,159,252,252,221,39,0,0,0,0,0,0,0,0,0,0,64,246,252,252,252,252,252,176,133,63,0,57,177,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,253,253,253,253,255,253,253,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,70,247,252,218,173,252,252,252,252,252,253,252,252,252,252,229,46,0,0,0,0,0,0,0,0,0,0,0,0,25,97,18,7,125,173,252,252,252,253,212,242,252,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,39,39,39,39,113,248,252,231,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,208,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,252,252,198,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,175,132,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,226,255,255,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,226,170,141,114,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,198,29,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,86,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,226,0,0,0,0,0,0,57,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,226,0,0,0,0,0,0,0,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,114,0,0,0,0,0,0,0,198,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,86,0,0,0,0,0,0,0,198,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,114,0,0,0,0,0,0,170,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,0,0,0,0,29,170,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,198,170,170,226,255,255,255,198,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,255,226,86,29,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,0,86,86,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,119,203,221,167,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,254,254,254,254,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,246,254,186,69,17,48,212,225,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,251,254,143,15,0,0,0,36,249,87,0,46,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,216,33,0,0,0,0,0,125,17,28,237,225,27,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,123,0,0,0,0,0,0,37,9,65,254,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,104,251,166,5,0,0,0,0,0,0,28,222,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,161,34,0,0,0,0,5,135,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,191,249,246,178,97,97,125,203,254,248,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,196,233,254,254,255,199,115,61,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,88,88,0,0,0,53,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,235,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,133,205,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,130,123,218,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,240,231,147,252,242,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,69,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,114,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,226,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,253,78,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,137,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,244,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,67,208,35,0,0,0,0,0,0,0,0,0,134,133,128,40,133,133,89,0,0,0,0,0,55,44,25,187,254,254,195,34,0,0,0,0,0,0,0,0,247,245,250,216,254,254,236,199,199,199,199,199,222,217,210,254,254,254,250,63,0,0,0,0,0,0,0,0,0,0,140,201,254,198,254,254,254,254,254,254,254,254,254,254,254,237,93,0,0,0,0,0,0,0,0,0,0,0,0,34,113,29,113,113,113,113,113,113,113,208,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,100,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,228,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,242,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,186,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,121,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,176,255,181,155,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,184,253,238,176,189,227,253,200,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,207,236,84,7,0,2,6,91,239,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,88,0,0,0,0,0,0,39,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,21,0,0,0,0,0,0,53,254,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,71,0,0,0,0,0,0,166,230,100,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,198,6,0,0,0,0,32,249,228,10,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,179,52,0,0,0,70,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,217,247,204,148,220,247,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,86,170,137,125,186,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,213,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,192,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,161,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,184,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,125,125,137,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,118,118,118,222,147,148,248,252,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,253,253,253,253,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,253,253,253,242,72,8,0,0,0,0,0,0,0,0,0,0,0,0,0,41,238,253,220,48,25,126,58,25,25,25,25,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,231,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,249,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,236,202,202,202,172,72,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,253,253,253,253,253,253,253,253,213,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,253,253,253,243,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,222,206,154,71,71,71,105,213,253,253,253,244,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,8,0,0,0,0,0,18,171,239,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,118,221,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,20,3,0,0,6,54,150,224,253,253,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,157,143,143,174,253,253,253,253,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,253,253,225,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,155,123,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,255,152,63,0,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,223,227,253,250,251,175,91,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,6,29,95,141,180,243,234,119,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,85,178,244,136,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,96,240,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,200,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,226,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,48,48,48,48,91,175,220,246,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,254,254,254,254,254,254,220,137,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,254,254,254,254,242,127,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,124,178,237,254,254,206,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,51,162,248,254,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,134,254,212,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,201,254,201,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,170,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,3,3,0,2,2,0,8,49,96,161,235,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,80,167,203,203,177,191,188,177,240,254,254,254,252,216,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,129,138,167,211,240,238,224,177,111,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,64,64,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,130,155,255,163,98,7,2,0,0,0,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,8,103,253,253,253,253,253,253,253,116,0,0,121,242,141,0,0,0,0,0,0,0,0,0,0,0,0,2,156,253,253,253,244,244,253,253,253,178,10,65,240,245,71,0,0,0,0,0,0,0,0,0,0,0,2,103,253,250,228,146,54,54,105,144,253,253,202,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,222,0,0,0,0,0,27,220,253,253,253,177,10,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,222,0,0,0,0,0,11,207,253,253,194,11,0,0,0,0,0,0,0,0,0,0,0,0,0,5,180,253,243,83,0,0,0,0,90,253,253,238,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,242,92,16,0,68,234,253,173,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,230,253,253,253,203,180,234,253,237,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,151,253,253,253,253,253,203,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,150,253,253,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,253,253,253,238,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,253,253,253,239,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,238,253,212,70,230,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,237,129,0,186,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,101,0,0,77,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,216,106,106,142,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,210,253,253,253,253,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,253,253,253,253,64,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,129,129,129,190,129,35,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,61,183,227,211,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,250,238,254,232,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,191,253,137,0,134,232,245,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,184,133,29,7,0,0,77,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,214,35,0,0,0,0,53,243,218,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,35,0,0,0,0,0,0,164,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,148,61,43,0,0,0,0,0,211,246,241,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,253,253,227,59,8,0,30,164,254,249,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,225,140,253,253,253,119,0,117,253,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,61,2,100,245,253,238,224,246,253,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,62,0,15,228,253,253,253,253,253,255,236,83,30,22,0,0,29,30,31,0,0,0,0,0,0,0,0,106,225,134,191,253,253,253,253,253,253,254,253,253,253,218,134,134,247,229,119,0,0,0,0,0,0,0,0,68,238,253,253,253,189,163,163,163,163,164,238,253,253,253,242,163,163,46,0,0,0,0,0,0,0,0,0,0,84,199,59,59,17,0,0,0,0,0,49,59,59,59,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,105,105,43,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,157,209,195,193,193,224,245,209,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,229,89,10,0,0,84,206,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,0,0,0,0,0,0,24,204,199,120,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,119,254,246,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,90,232,250,253,254,242,239,168,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,226,209,208,208,208,231,194,194,141,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,183,112,104,43,0,0,0,0,92,122,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,191,253,253,182,0,0,0,0,0,0,0,0,164,58,0,0,0,0,0,0,0,0,0,0,0,0,23,184,253,253,169,12,0,0,0,0,0,0,0,0,237,236,171,30,4,0,0,0,0,0,0,25,128,179,201,253,237,170,17,0,0,0,0,0,0,0,0,0,50,230,253,253,148,120,0,0,0,80,135,233,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,12,169,253,253,251,239,239,239,247,255,253,253,210,120,14,7,0,0,0,0,0,0,0,0,0,0,0,0,0,39,59,191,213,253,253,253,226,209,172,59,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,104,104,104,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,173,213,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,183,0,163,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,21,102,203,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,21,0,0,0,0,21,152,193,254,253,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,41,163,223,253,252,192,151,151,192,253,172,0,0,0,0,0,0,0,0,0,0,0,0,193,253,203,0,72,233,254,233,183,20,0,0,0,102,255,253,0,0,0,0,0,0,0,0,0,0,0,0,152,252,223,20,253,252,172,30,0,0,0,0,0,142,253,171,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,253,254,192,41,0,0,0,0,41,132,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,253,232,102,102,102,102,203,243,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,255,253,255,253,255,213,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,171,151,232,233,151,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,254,254,254,164,91,91,91,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,253,253,253,253,253,253,253,198,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,160,253,253,253,253,253,253,253,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,56,56,56,205,240,253,253,253,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,250,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,253,248,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,181,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,248,253,253,253,221,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,217,253,253,253,242,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,229,253,253,253,253,81,0,0,0,0,0,0,0,0,65,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,175,21,0,0,0,0,0,6,25,9,173,0,0,0,0,0,0,0,0,0,0,49,41,182,253,253,253,182,4,0,0,0,53,116,116,146,253,163,253,0,0,0,0,0,0,0,0,0,41,225,222,253,253,253,253,98,0,2,42,163,227,253,253,226,253,253,120,0,0,0,0,0,0,0,0,48,218,253,253,253,253,253,253,178,4,94,253,253,253,253,253,174,253,129,43,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,253,253,222,243,253,253,253,253,223,52,32,2,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,253,253,253,133,51,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,253,253,253,253,253,224,57,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,32,100,253,253,253,253,253,253,253,94,89,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,90,161,166,233,254,254,255,180,109,74,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,227,218,168,103,218,240,253,253,216,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,192,21,0,0,0,0,52,110,161,253,164,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,21,0,0,0,0,0,0,0,20,223,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,136,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,160,253,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,232,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,236,253,253,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,181,253,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,237,253,252,167,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,234,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,190,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,253,253,176,3,0,0,0,0,0,29,2,0,13,35,44,0,0,0,0,0,0,0,0,0,0,53,208,253,253,224,44,0,0,14,84,120,201,224,202,201,211,229,236,154,6,0,0,0,0,0,0,0,0,27,214,253,253,241,219,219,163,225,253,253,253,253,253,253,253,253,220,152,11,0,0,0,0,0,0,0,0,0,27,160,198,212,135,137,187,135,135,100,17,17,17,17,17,17,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,192,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,175,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,241,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,255,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,253,252,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,232,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,190,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,182,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,206,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,96,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,254,210,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,181,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,200,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,165,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,190,253,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,189,178,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,244,56,197,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,225,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,238,51,32,229,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,131,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,141,141,141,91,154,253,253,253,129,29,66,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,252,252,253,252,252,252,253,252,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,168,168,168,168,178,252,252,252,178,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,252,151,4,28,28,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,115,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,232,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,239,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,221,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,255,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,155,0,0,0,0,0,31,121,121,66,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,155,0,0,0,4,72,241,254,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,155,0,0,0,47,254,245,96,71,248,144,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,155,0,0,0,134,244,69,0,0,186,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,179,0,0,0,134,222,0,0,0,180,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,250,45,0,0,53,240,71,0,0,246,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,170,1,0,7,89,228,186,158,252,193,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,254,181,33,13,10,48,229,254,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,153,249,254,221,214,240,254,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,128,211,254,247,131,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,238,254,244,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,179,84,236,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,250,168,7,0,148,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,137,252,197,26,0,0,93,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,193,31,0,0,34,117,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,207,217,33,0,6,136,248,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,120,0,54,217,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,199,238,42,111,247,232,246,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,238,241,253,180,66,227,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,130,249,187,60,2,170,253,95,169,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,255,191,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,242,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,240,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,228,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,237,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,229,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,254,254,237,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,254,238,227,254,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,254,238,54,17,240,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,125,0,23,241,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,242,23,23,210,254,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,218,16,185,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,163,254,254,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,254,188,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,254,254,189,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,155,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,248,254,254,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,254,254,254,247,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,223,254,227,200,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,254,40,95,254,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,250,109,1,29,254,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,157,0,0,29,254,242,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,140,0,0,29,254,255,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,166,17,34,148,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,248,228,239,254,254,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,159,180,254,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,29,60,53,0,0,0,0,0,0,0,0,0,66,253,253,95,0,0,0,0,0,0,0,0,0,0,0,10,206,253,243,78,0,0,0,0,0,0,0,49,227,253,253,199,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,119,0,0,0,0,0,0,0,146,253,253,253,59,0,0,0,0,0,0,0,0,0,0,18,174,253,253,226,14,0,0,0,0,0,0,107,250,253,253,129,7,0,0,0,0,0,0,0,0,0,0,166,253,253,253,227,110,179,179,179,181,179,179,214,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,253,253,254,253,253,253,253,253,181,7,0,0,0,0,0,0,0,0,0,0,38,225,253,253,253,253,253,253,253,253,254,253,253,253,253,225,7,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,237,208,208,228,253,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,43,227,253,253,209,104,104,67,0,0,105,253,253,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,125,141,0,0,0,0,0,0,0,167,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,253,253,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,217,254,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,254,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,255,253,244,197,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,253,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,192,255,217,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,194,232,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,250,214,125,42,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,253,253,253,253,206,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,177,232,253,253,253,254,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,245,253,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,207,254,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,254,244,204,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,254,253,253,221,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,113,195,232,254,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,128,239,253,253,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,17,6,19,20,20,73,226,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,241,199,247,253,254,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,253,253,254,250,213,146,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,155,155,245,253,155,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,47,47,163,162,162,162,57,0,0,0,0,0,0,0,0,0,0,0,0,0,102,185,185,185,185,186,197,253,253,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,60,125,208,208,234,253,253,253,253,254,253,253,219,203,254,253,253,253,169,0,0,0,0,0,0,0,0,128,245,253,253,253,254,253,222,137,137,138,137,54,57,231,254,232,107,23,2,0,0,0,0,0,0,0,0,245,254,255,235,178,106,0,0,0,0,0,0,7,160,254,243,84,0,0,0,0,0,0,0,0,0,0,0,51,92,92,17,0,0,0,0,0,0,0,0,143,253,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,143,235,228,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,228,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,157,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,241,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,241,222,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,99,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,255,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,245,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,230,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,243,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,251,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,200,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,197,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,236,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,247,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,181,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,178,70,148,51,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,241,254,254,254,254,254,207,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,232,194,219,254,254,164,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,236,48,0,19,206,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,214,0,0,0,61,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,214,0,0,0,55,251,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,227,19,0,0,43,243,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,74,7,79,240,239,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,230,203,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,242,254,254,254,234,47,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,170,217,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,141,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,29,0,0,0,0,57,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,0,0,0,0,0,0,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,0,0,0,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,141,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,226,170,170,141,255,255,255,86,0,29,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,255,255,255,255,255,255,255,255,255,255,226,226,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,0,114,29,170,141,141,198,255,226,0,57,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,55,192,254,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,234,254,254,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,219,81,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,254,129,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,95,0,0,0,0,0,23,35,35,58,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,158,0,0,22,96,202,240,254,254,254,221,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,122,16,170,245,254,254,254,252,245,254,254,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,5,216,191,218,254,254,192,99,61,49,9,63,122,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,246,171,65,10,0,0,0,0,0,46,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,252,96,0,0,0,0,0,0,0,0,46,254,155,0,0,0,0,0,0,0,0,0,0,0,0,3,226,254,96,0,0,0,0,0,0,0,0,0,59,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,133,84,3,0,0,0,0,0,0,0,0,6,180,213,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,233,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,170,254,199,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,191,255,191,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,254,161,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,113,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,94,210,253,228,229,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,193,253,212,82,25,25,14,24,164,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,242,253,160,29,0,0,0,0,113,253,232,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,242,253,216,29,0,0,0,0,0,21,152,253,201,25,0,0,0,0,0,0,0,0,0,0,0,0,15,206,253,216,30,0,0,0,0,0,0,0,21,209,253,120,0,0,0,0,0,0,0,0,0,0,0,0,94,253,252,51,0,0,0,0,0,0,0,0,0,91,253,190,2,0,0,0,0,0,0,0,0,0,0,10,210,253,182,0,0,0,0,0,0,0,0,0,0,30,253,253,64,0,0,0,0,0,0,0,0,0,0,18,253,253,182,0,0,0,0,0,0,0,0,0,0,11,198,253,170,0,0,0,0,0,0,0,0,0,0,18,253,253,100,0,0,0,0,0,0,0,0,0,0,0,83,253,190,9,0,0,0,0,0,0,0,0,0,5,176,253,155,0,0,0,0,0,0,0,0,0,0,0,11,199,253,71,0,0,0,0,0,0,0,0,0,0,110,253,182,0,0,0,0,0,0,0,0,0,0,0,0,183,253,152,0,0,0,0,0,0,0,0,0,0,36,253,247,43,0,0,0,0,0,0,0,0,0,0,0,183,253,152,0,0,0,0,0,0,0,0,0,0,1,167,253,166,2,0,0,0,0,0,0,0,0,0,0,183,253,152,0,0,0,0,0,0,0,0,0,0,0,48,246,253,111,2,0,0,0,0,0,0,0,0,0,183,253,152,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,111,0,0,0,0,0,0,0,0,0,183,253,152,0,0,0,0,0,0,0,0,0,0,0,0,20,189,253,252,172,25,0,0,0,0,0,0,65,234,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,201,64,0,0,76,89,201,235,253,149,8,0,0,0,0,0,0,0,0,0,0,0,0,0,13,35,150,253,253,245,219,219,250,253,253,234,200,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,154,253,253,253,253,248,122,14,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,233,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,73,226,88,0,0,0,103,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,107,253,254,244,44,0,0,113,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,149,253,253,254,253,119,0,0,175,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,178,253,253,253,254,253,132,0,9,215,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,70,210,253,253,251,164,47,47,11,0,48,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,85,247,253,253,234,115,0,0,0,0,0,48,253,253,253,169,0,0,0,0,0,0,0,0,0,0,0,87,250,253,253,213,48,0,0,0,0,0,0,137,253,253,253,252,119,0,0,0,0,0,0,0,0,0,124,245,253,253,191,11,0,0,0,0,26,102,150,236,253,253,253,253,148,0,0,0,0,0,0,0,0,25,235,253,253,235,54,0,0,81,129,188,246,253,253,253,253,253,232,148,17,0,0,0,0,0,0,0,0,220,254,254,254,201,159,191,254,254,254,255,254,254,254,254,254,254,103,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,170,118,28,237,253,240,53,0,0,0,0,0,0,0,0,0,0,139,248,253,253,253,253,249,243,233,149,56,6,0,0,235,253,234,7,0,0,0,0,0,0,0,0,0,0,0,58,177,177,177,101,56,0,0,0,0,0,0,0,235,253,196,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,168,5,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,228,195,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,253,253,141,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,254,253,254,253,152,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,212,50,50,50,131,213,252,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,142,0,0,0,0,0,0,0,132,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,212,20,0,0,0,0,0,0,0,51,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,71,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,70,0,0,0,0,0,0,0,0,152,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,183,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,20,0,0,0,0,0,0,0,0,41,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,0,0,0,0,0,0,160,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,172,0,0,0,0,0,16,231,238,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,122,0,0,0,0,0,27,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,67,0,0,0,0,0,106,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,185,3,0,0,0,0,0,161,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,112,0,0,0,0,0,45,248,218,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,247,254,236,98,23,0,0,0,133,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,179,183,254,234,143,52,0,203,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,222,26,10,108,236,254,248,212,246,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,76,0,0,0,25,106,237,254,254,230,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,230,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,229,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,231,255,166,145,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,229,212,254,254,247,156,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,9,52,135,213,254,221,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,62,233,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,197,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,185,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,217,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,165,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,154,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,187,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,222,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,161,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,194,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,16,0,0,0,0,0,0,11,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,224,12,0,0,0,0,20,87,208,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,214,171,103,103,110,236,216,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,189,254,254,254,216,101,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,108,0,0,0,0,0,0,0,0,47,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,108,0,0,0,0,0,0,0,0,233,242,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,108,0,0,0,0,0,0,0,0,253,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,108,0,0,0,0,0,0,0,0,253,252,215,1,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,108,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,148,0,0,0,0,0,0,0,0,211,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,0,0,0,0,0,0,0,0,94,247,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,0,0,0,0,0,0,0,0,0,217,252,252,145,20,0,0,0,0,0,0,0,0,0,0,0,73,253,253,62,0,0,0,0,0,0,0,110,233,253,253,255,98,0,0,0,0,0,0,0,0,0,0,0,73,252,252,237,217,217,217,218,217,217,217,253,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,31,211,252,252,252,252,252,253,252,252,252,253,252,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,21,207,253,253,253,253,255,253,253,253,255,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,35,159,179,179,253,252,200,179,180,200,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,71,20,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,253,222,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,210,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,110,233,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,237,253,252,252,252,253,252,247,217,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,252,252,253,252,252,252,253,149,140,78,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,252,252,253,252,252,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,253,252,252,252,253,220,205,205,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,1,134,247,252,252,253,231,158,35,35,25,20,20,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,252,252,253,158,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,252,253,35,0,0,0,0,0,0,253,252,154,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,108,0,0,0,0,0,0,0,145,255,253,72,0,0,0,0,0,0,0,0,0,0,63,242,252,252,252,252,108,0,0,0,0,0,0,156,237,253,231,51,0,0,0,0,0,0,0,0,0,16,181,252,252,252,252,205,31,0,0,0,0,16,110,181,252,237,153,0,0,0,0,0,0,0,0,0,0,109,252,252,252,252,210,31,0,0,0,0,0,109,221,221,252,62,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,35,0,0,0,0,99,253,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,252,252,119,0,42,73,197,242,252,253,252,241,97,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,189,26,37,160,253,252,252,252,253,241,184,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,190,252,252,253,252,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,255,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,252,252,252,252,252,253,231,158,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,226,252,252,252,252,252,148,72,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,252,252,210,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,192,159,222,207,253,114,113,25,0,0,0,0,0,0,0,0,0,0,0,0,0,57,38,38,85,194,243,252,253,252,252,252,252,253,252,199,28,0,0,0,0,0,0,0,0,0,0,0,32,215,221,222,252,252,252,252,253,252,252,252,252,253,252,239,65,0,0,0,0,0,0,0,0,0,0,0,0,72,239,253,252,230,129,84,84,139,252,252,252,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,112,112,25,0,0,63,178,252,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,252,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,252,252,120,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,178,252,253,242,114,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,200,252,252,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,91,207,252,245,208,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,215,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,240,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,246,233,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,86,151,255,166,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,148,253,253,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,205,253,251,235,213,196,248,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,253,226,92,0,0,0,180,253,225,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,242,41,0,0,0,0,180,253,253,140,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,155,0,0,0,0,0,162,244,244,253,139,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,132,0,0,0,0,0,19,65,66,217,253,224,46,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,210,0,0,0,0,0,0,0,0,100,244,253,224,106,0,0,0,0,0,0,0,0,0,0,0,0,130,253,111,0,0,0,0,0,0,0,0,0,99,244,253,224,45,0,0,0,0,0,0,0,0,0,0,0,130,253,111,0,0,0,0,0,0,0,0,0,0,56,227,253,225,13,0,0,0,0,0,0,0,0,0,0,98,253,111,0,0,0,0,0,0,0,0,0,0,0,99,245,253,142,4,0,0,0,0,0,0,0,0,0,7,253,213,31,0,0,0,0,0,0,0,0,0,0,0,98,246,253,48,0,0,0,0,0,0,0,0,0,7,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,129,253,135,0,0,0,0,0,0,0,0,0,2,114,253,249,125,0,0,0,0,0,0,0,0,0,0,0,70,247,234,5,0,0,0,0,0,0,0,0,0,8,213,253,234,34,0,0,0,0,0,0,0,0,0,0,91,251,210,4,0,0,0,0,0,0,0,0,0,0,95,253,253,140,0,0,0,0,0,0,0,0,0,0,215,253,135,0,0,0,0,0,0,0,0,0,0,0,2,108,253,250,129,0,0,0,0,0,0,0,39,154,251,253,84,0,0,0,0,0,0,0,0,0,0,0,0,14,210,253,250,211,112,112,112,112,112,154,242,253,253,95,1,0,0,0,0,0,0,0,0,0,0,0,0,0,7,108,253,253,253,253,253,253,253,253,253,207,84,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,129,217,253,253,253,214,129,129,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,161,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,203,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,233,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,251,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,61,255,221,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,192,166,165,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,131,234,252,253,252,252,252,157,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,252,244,224,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,214,90,25,19,65,240,253,246,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,255,253,206,13,0,0,0,0,129,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,240,81,0,0,0,0,0,10,196,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,196,0,0,0,0,0,0,0,82,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,253,196,0,0,0,0,0,0,0,57,252,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,254,84,0,0,0,0,0,0,0,57,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,159,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,196,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,246,50,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,253,253,53,0,0,0,0,29,166,253,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,252,108,44,19,57,166,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,187,252,252,253,240,215,252,253,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,240,253,252,252,252,253,177,228,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,114,113,113,113,0,0,198,253,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,241,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,66,198,255,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,104,178,250,251,254,254,254,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,212,45,92,234,254,254,254,254,218,204,235,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,193,214,253,233,218,144,123,11,12,201,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,163,248,254,254,68,0,0,0,0,151,254,230,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,251,254,52,0,0,0,7,172,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,207,21,0,6,207,254,231,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,180,249,187,13,100,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,52,209,254,127,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,238,232,254,251,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,224,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,244,235,251,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,82,119,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,44,18,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,44,78,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,214,243,244,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,205,254,254,161,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,238,247,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,138,202,180,107,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,155,252,252,253,252,252,219,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,227,183,184,196,252,252,221,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,185,50,0,0,9,77,236,252,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,210,6,0,0,0,0,0,103,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,244,253,222,36,0,0,0,0,93,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,214,252,160,0,0,0,0,93,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,69,111,131,64,0,19,188,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,249,186,188,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,189,253,252,252,252,252,231,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,76,255,253,253,253,190,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,174,252,253,223,219,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,91,234,252,252,122,25,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,218,108,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,252,168,35,0,0,22,205,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,252,135,0,0,0,34,212,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,17,47,253,244,174,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,247,184,184,209,252,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,210,98,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,148,231,137,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,137,245,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,87,254,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,209,93,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,187,254,163,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,182,254,234,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,215,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,245,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,147,0,0,0,0,27,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,113,0,0,0,110,222,192,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,252,71,0,0,110,248,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,196,0,0,80,222,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,129,0,41,253,254,204,244,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,199,0,42,255,245,76,241,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,171,0,120,254,192,147,247,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,129,18,229,254,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,226,100,254,254,254,254,254,112,98,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,230,254,254,254,254,254,254,254,197,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,130,202,254,227,135,92,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,98,225,255,215,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,162,253,253,253,253,213,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,126,253,253,206,111,150,250,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,176,253,253,144,26,0,0,138,253,113,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,169,253,247,134,27,0,0,0,77,249,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,218,253,253,204,0,0,0,0,0,0,138,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,207,168,169,0,0,0,0,0,0,78,248,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,232,29,0,0,0,0,0,0,0,0,0,223,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,222,0,0,0,0,0,0,0,0,0,21,230,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,230,23,0,0,0,0,0,0,0,0,94,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,126,0,0,0,0,0,0,0,0,94,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,224,227,26,0,0,0,0,0,0,0,129,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,86,0,0,0,0,0,0,71,246,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,204,28,0,0,0,0,0,88,253,170,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,219,253,186,0,0,0,0,30,209,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,223,29,0,0,0,190,253,217,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,175,253,209,28,0,32,225,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,218,253,149,112,214,253,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,253,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,220,253,217,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,57,0,10,85,147,100,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,150,197,253,233,197,203,252,253,252,239,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,76,234,252,252,253,252,252,252,252,253,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,253,252,252,252,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,13,113,255,253,253,240,140,192,253,253,240,140,114,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,154,252,253,252,233,71,0,12,103,252,176,0,113,252,252,252,252,0,0,0,0,0,0,0,0,0,19,88,234,252,253,233,74,0,0,0,19,55,19,0,222,252,252,245,118,0,0,0,0,0,0,0,0,0,85,252,252,252,253,151,0,0,0,0,0,0,0,16,253,252,252,208,0,0,0,0,0,0,0,0,0,0,163,252,252,252,190,12,0,0,0,0,0,0,16,203,253,252,252,84,0,0,0,0,0,0,0,0,0,51,238,253,253,253,0,0,0,0,0,0,0,26,207,253,255,253,133,0,0,0,0,0,0,0,0,0,0,159,252,252,252,204,0,0,0,0,0,0,123,231,252,252,253,129,6,0,0,0,0,0,0,0,0,0,0,222,252,252,252,112,0,0,0,0,0,120,246,252,252,252,56,6,0,0,0,0,0,0,0,0,0,0,0,207,252,252,233,37,0,0,7,123,169,253,252,252,217,84,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,223,0,0,48,165,252,252,253,252,141,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,237,113,176,253,253,253,253,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,253,252,252,242,167,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,103,239,252,252,253,233,164,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,161,84,84,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,178,83,0,0,0,0,0,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,245,78,0,0,0,0,32,214,162,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,254,203,0,0,0,0,50,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,233,0,0,0,0,192,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,233,0,0,0,23,207,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,255,238,18,0,0,105,254,254,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,254,253,226,214,214,254,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,211,253,253,253,254,253,253,253,223,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,87,117,117,254,253,253,253,253,249,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,177,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,255,254,254,254,133,232,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,253,253,253,58,144,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,253,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,192,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,254,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,247,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,148,222,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,178,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,230,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,222,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,247,164,12,254,236,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,41,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,28,97,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,223,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,174,174,100,186,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,193,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,247,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,184,201,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,237,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,219,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,254,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,184,254,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,218,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,243,248,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,171,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,131,211,254,246,105,105,43,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,187,254,253,182,253,253,254,232,182,85,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,202,12,21,110,127,162,234,253,148,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,63,0,0,0,0,0,8,111,243,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,219,11,0,0,0,0,0,0,0,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,213,0,0,0,0,0,0,0,127,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,226,21,0,0,0,0,0,52,233,173,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,203,119,22,66,84,163,243,239,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,228,253,253,253,253,254,253,195,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,122,156,253,209,130,42,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,118,193,96,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,168,244,254,254,251,246,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,254,254,254,254,254,254,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,157,254,254,254,254,239,199,235,254,225,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,235,254,254,254,221,97,60,0,166,254,152,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,254,169,3,0,0,0,166,240,82,152,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,241,0,0,0,0,0,81,131,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,247,54,0,0,0,82,186,193,254,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,184,254,254,169,91,10,63,247,254,254,210,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,188,254,254,254,212,220,254,254,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,235,254,254,254,254,254,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,89,251,254,255,254,245,91,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,254,254,254,254,201,90,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,221,130,143,254,254,254,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,185,0,2,150,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,254,185,0,0,23,171,250,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,202,51,0,2,63,245,254,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,240,180,182,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,219,251,254,254,254,254,254,254,238,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,117,117,195,187,117,117,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,54,141,141,141,216,216,141,141,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,95,169,216,252,252,252,253,252,252,252,253,234,63,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,253,233,168,118,56,56,94,205,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,202,78,22,0,0,0,0,0,113,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,114,113,76,0,0,0,0,0,0,0,0,114,255,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,29,104,104,79,92,141,141,141,141,66,29,29,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,252,252,252,253,196,168,168,168,168,168,68,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,139,140,139,103,28,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,144,255,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,248,252,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,244,253,173,119,12,167,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,253,71,0,0,163,229,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,233,228,155,44,0,36,244,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,24,0,0,17,184,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,200,253,186,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,242,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,237,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,253,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,10,0,93,253,242,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,160,202,190,176,236,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,245,253,253,253,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,177,144,253,253,253,253,95,10,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,13,243,253,243,52,169,253,253,253,253,253,162,94,44,156,154,107,0,0,0,0,0,0,0,0,0,0,0,109,252,253,213,240,253,253,143,137,234,248,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,202,79,0,0,107,240,240,223,110,45,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,251,203,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,89,131,131,161,222,131,31,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,137,212,254,254,254,245,245,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,143,209,254,254,251,150,112,30,64,250,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,239,150,87,0,0,0,0,199,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,186,239,39,0,0,0,0,0,0,199,254,201,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,144,0,0,0,0,0,0,63,235,254,180,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,204,254,254,254,181,120,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,161,254,254,214,204,223,254,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,197,254,254,113,15,0,74,248,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,173,15,0,0,0,194,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,219,155,15,0,0,0,0,100,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,136,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,234,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,100,100,25,0,0,127,250,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,254,254,208,27,126,251,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,219,254,254,155,210,251,254,113,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,254,254,114,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,218,255,255,218,91,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,213,224,217,166,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,177,254,254,202,160,215,218,184,71,63,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,246,254,243,80,5,0,112,254,241,250,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,244,75,0,0,9,219,254,220,244,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,73,0,0,0,4,117,121,252,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,7,0,0,0,0,1,119,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,155,0,0,0,37,151,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,231,254,253,147,63,161,232,254,206,41,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,58,254,254,254,248,254,254,251,44,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,226,254,254,254,254,254,254,139,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,203,189,233,223,223,240,228,236,254,150,66,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,246,245,144,19,0,0,31,10,31,147,207,248,222,151,34,0,0,0,0,0,0,0,0,0,0,2,111,247,254,133,0,0,0,0,0,0,0,0,0,68,213,254,247,80,0,0,0,0,0,0,0,0,0,77,193,254,219,0,0,0,0,0,0,0,0,0,0,0,84,254,254,246,27,0,0,0,0,0,0,0,0,57,251,254,253,76,0,0,0,0,0,0,0,0,0,0,54,254,254,186,0,0,0,0,0,0,0,0,0,0,191,254,254,229,34,0,0,0,0,0,0,0,0,0,136,254,254,102,0,0,0,0,0,0,0,0,0,0,44,213,254,254,235,27,0,0,0,0,0,0,0,35,200,254,236,53,0,0,0,0,0,0,0,0,0,0,0,27,186,254,254,238,149,33,4,0,0,0,9,182,249,213,44,0,0,0,0,0,0,0,0,0,0,0,0,0,9,70,155,220,240,254,200,193,193,193,212,246,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,51,0,154,181,212,165,165,106,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,141,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,169,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,217,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,129,247,231,176,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,79,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,171,255,226,60,0,0,156,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,213,253,174,36,0,0,0,148,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,199,253,192,0,0,0,0,0,59,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,175,253,201,5,0,0,0,0,0,50,247,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,169,98,38,0,0,0,0,0,177,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,245,254,254,254,255,254,254,254,254,255,254,254,254,254,156,156,186,201,36,0,0,0,0,0,0,0,0,0,78,135,150,233,241,241,233,233,233,234,235,253,253,237,234,233,233,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,30,30,0,0,0,0,6,199,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,163,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,172,31,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,253,252,233,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,233,163,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,233,50,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,244,162,0,0,11,213,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,162,0,0,0,92,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,172,41,0,0,41,214,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,172,10,0,41,102,223,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,193,152,254,253,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,252,253,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,253,254,253,254,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,212,91,50,50,50,112,151,151,151,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,224,40,0,0,0,0,0,0,11,173,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,20,0,0,0,0,0,0,41,173,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,51,233,244,122,0,0,0,0,0,21,173,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,162,0,0,0,0,0,82,223,253,252,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,0,0,0,41,113,233,254,253,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,142,203,243,253,252,253,212,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,255,253,254,253,254,213,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,151,151,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,224,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,172,124,19,19,19,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,141,253,253,253,253,253,212,98,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,56,225,253,253,244,222,222,249,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,135,253,253,244,182,65,0,0,79,216,253,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,6,135,253,253,244,158,0,0,0,0,0,34,216,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,25,235,253,253,113,0,0,0,0,0,0,0,85,250,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,176,74,22,0,0,0,0,0,0,0,76,248,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,253,100,0,0,0,0,0,0,0,0,0,0,0,0,48,81,81,163,180,81,62,0,0,0,0,0,139,253,218,8,40,0,0,0,0,0,0,0,0,0,5,157,236,253,253,253,253,253,243,211,114,60,0,121,248,253,77,144,189,0,0,0,0,0,0,0,0,52,219,253,244,160,160,176,189,226,253,253,253,242,217,248,253,253,236,210,21,0,0,0,0,0,0,0,0,179,253,188,27,0,0,6,10,22,61,229,253,253,253,253,253,253,253,135,0,0,0,0,0,0,0,0,0,254,253,111,0,0,0,0,0,76,136,248,253,253,217,186,253,253,207,19,0,0,0,0,0,0,0,0,0,200,253,243,163,112,191,236,236,248,253,253,220,103,12,7,18,18,10,0,0,0,0,0,0,0,0,0,0,9,199,253,253,253,253,253,253,169,135,103,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,5,5,5,5,5,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,135,167,254,254,255,255,254,183,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,140,236,253,253,253,253,253,221,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,250,252,248,151,73,32,32,32,19,41,139,230,250,120,0,0,0,0,0,0,0,0,0,0,0,0,0,165,232,85,0,0,0,0,0,0,0,0,0,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,20,36,0,0,0,0,0,0,0,0,0,0,178,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,235,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,171,252,140,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,221,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,180,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,167,252,170,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,184,253,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,226,248,60,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,58,0,0,0,0,0,0,0,0,0,86,104,75,0,0,0,0,0,0,0,0,0,0,0,0,0,82,244,27,0,3,33,33,134,141,141,245,249,226,221,114,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,239,179,183,253,253,253,237,183,171,75,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,228,200,145,145,44,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,122,248,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,186,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,249,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,252,252,253,230,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,252,253,252,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,248,253,252,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,75,189,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,12,77,133,133,214,254,254,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,118,145,187,207,249,254,253,253,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,23,176,253,253,253,253,238,217,218,217,199,96,191,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,239,205,101,48,0,0,0,0,0,61,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,28,222,207,151,0,0,0,0,0,0,0,0,61,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,29,15,14,0,0,0,0,0,0,0,0,61,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,250,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,214,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,171,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,216,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,155,194,231,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,75,196,240,253,246,243,243,243,202,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,248,188,99,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,228,21,26,85,86,85,86,125,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,253,241,244,253,253,253,253,253,253,240,194,139,87,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,229,112,60,60,60,60,60,60,61,159,164,253,248,163,8,0,0,0,0,0,0,0,0,0,0,0,155,228,39,0,0,0,0,0,0,0,0,0,1,71,158,253,176,0,0,0,0,0,0,0,0,0,0,0,30,28,0,0,0,0,0,0,0,0,0,0,0,0,5,152,233,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,218,220,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,231,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,100,0,0,0,0,0,0,0,0,60,241,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,163,21,0,0,0,0,0,9,122,249,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,214,253,247,245,243,145,145,211,245,253,247,99,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,148,153,213,253,253,253,226,153,123,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,64,128,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,128,191,255,255,255,191,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,144,0,0,0,0,0,0,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,204,0,0,0,0,0,5,219,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,213,253,133,0,0,0,0,0,97,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,249,72,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,210,0,0,0,0,0,10,216,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,253,130,0,0,0,0,0,81,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,86,0,0,0,0,0,81,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,235,53,50,50,81,174,174,199,253,235,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,217,253,253,253,253,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,206,209,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,227,210,185,185,97,61,15,18,216,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,20,0,0,0,0,0,22,219,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,245,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,153,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,101,227,255,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,47,170,253,253,253,253,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,253,253,253,164,134,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,253,253,253,253,155,7,173,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,251,253,253,253,253,253,211,92,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,253,243,128,57,229,253,253,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,148,253,253,117,0,0,45,229,250,253,253,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,250,49,0,0,0,0,103,174,243,253,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,153,0,0,0,0,0,0,0,128,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,38,234,253,228,9,0,0,0,0,0,0,0,30,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,147,0,0,0,0,0,0,0,0,21,227,253,170,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,48,0,0,0,0,0,0,0,0,25,239,253,127,0,0,0,0,0,0,0,0,0,0,0,0,171,253,214,16,0,0,0,0,0,0,0,0,137,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,171,253,252,28,0,0,0,0,0,0,0,7,202,253,250,50,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,43,0,0,0,0,0,0,0,26,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,216,52,0,0,0,0,0,22,208,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,15,122,253,253,252,172,66,50,0,55,204,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,94,244,253,253,253,241,201,245,253,253,191,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,202,253,253,253,253,253,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,28,154,198,253,253,145,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,250,253,222,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,248,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,247,253,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,206,253,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,245,233,75,168,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,253,154,0,69,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,218,253,235,46,0,46,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,235,73,0,0,11,188,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,196,253,235,73,0,0,0,0,169,253,247,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,236,72,0,0,0,0,0,76,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,246,253,117,46,46,80,176,176,176,188,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,19,97,247,253,253,253,253,253,253,253,253,253,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,253,253,253,228,221,221,221,221,242,253,234,0,0,0,0,0,0,0,0,0,0,0,0,106,227,227,227,227,227,120,97,22,0,0,0,0,163,253,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,144,144,231,148,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,240,253,253,253,253,240,143,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,207,253,245,197,232,253,253,253,235,148,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,139,62,5,8,112,121,154,231,254,217,133,124,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,237,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,76,249,246,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,77,215,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,245,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,237,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,99,211,253,253,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,94,122,185,232,250,249,251,204,79,18,0,0,0,0,0,0,0,0,0,0,0,0,0,24,69,155,155,215,253,253,255,222,165,56,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,169,222,253,253,253,253,230,176,66,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,230,253,205,181,230,249,143,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,110,226,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,175,254,232,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,184,17,247,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,227,11,81,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,241,51,1,178,249,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,236,154,0,8,254,213,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,239,30,0,155,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,247,184,0,43,254,254,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,69,8,204,254,215,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,203,4,95,254,235,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,244,211,247,246,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,235,254,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,224,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,254,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,155,254,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,215,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,102,102,25,0,0,0,0,0,0,0,0,0,0,25,98,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,214,202,202,89,47,47,47,47,90,202,202,215,253,202,36,0,0,0,0,0,0,0,0,0,0,20,192,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,4,64,161,161,161,229,254,254,254,254,254,192,204,254,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,61,202,216,216,79,20,28,226,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,175,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,255,202,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,254,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,173,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,241,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,203,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,154,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,179,252,168,0,0,114,169,69,108,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,234,197,147,234,252,252,253,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,252,253,252,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,255,253,253,241,226,150,160,253,254,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,214,158,47,0,13,172,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,84,0,0,60,209,252,252,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,252,78,9,0,0,191,252,252,252,253,252,243,125,0,0,0,0,0,0,0,0,0,0,0,0,13,207,244,75,0,0,0,0,141,253,253,253,254,253,253,253,192,47,0,0,0,0,0,0,0,0,0,0,0,131,81,0,0,0,0,0,60,234,252,252,253,252,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,56,56,56,56,122,252,253,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,141,60,0,0,0,7,104,253,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,234,131,57,57,150,252,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,252,253,252,252,252,168,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,252,252,252,253,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,170,253,148,76,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,252,253,173,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,252,253,252,202,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,252,252,211,252,252,236,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,169,252,252,95,23,158,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,247,188,11,0,43,247,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,183,0,0,0,0,111,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,100,0,0,0,0,19,219,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,214,13,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,153,0,0,0,0,0,0,155,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,92,0,0,0,0,0,0,93,253,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,249,75,0,0,0,0,0,0,166,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,146,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,207,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,64,248,200,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,127,0,0,0,0,0,26,222,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,234,17,0,0,0,36,178,252,120,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,253,188,70,70,122,222,240,183,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,252,252,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,190,137,137,137,32,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,234,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,250,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,255,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,77,124,176,255,190,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,202,164,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,95,26,5,2,93,254,247,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,200,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,158,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,249,186,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,233,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,80,242,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,244,254,162,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,89,173,246,254,254,254,252,197,54,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,203,254,254,242,161,125,125,165,254,254,220,119,6,0,0,0,0,0,0,0,0,0,0,0,0,0,23,232,254,254,205,36,0,0,0,4,50,137,224,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,252,202,20,0,0,0,0,0,0,0,0,138,65,0,0,0,0,0,0,0,0,0,0,0,0,0,15,226,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,63,120,159,159,159,159,159,159,163,191,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,250,254,254,254,254,254,254,254,254,253,226,208,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,254,254,225,144,67,67,67,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,235,48,4,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,162,254,136,20,77,116,152,207,212,212,212,172,152,65,5,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,226,254,254,254,223,239,172,172,172,172,172,216,125,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,254,254,188,67,9,11,0,0,0,0,0,22,160,120,6,0,0,0,0,0,0,0,0,0,0,17,220,246,158,75,2,0,0,0,0,0,0,0,0,0,102,254,71,0,0,0,0,0,0,0,0,0,0,0,30,32,0,0,0,0,0,0,0,0,0,0,0,0,102,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,221,254,121,0,0,0,0,0,0,0,0,0,0,28,28,0,0,0,0,0,0,0,0,0,0,0,0,162,254,235,21,0,0,0,0,0,0,0,0,0,0,210,85,0,0,0,0,0,0,0,0,0,0,2,166,252,254,172,0,0,0,0,0,0,0,0,0,0,24,232,199,6,0,0,0,0,0,0,0,0,21,143,254,254,136,21,0,0,0,0,0,0,0,0,0,0,0,100,254,234,164,164,164,164,133,123,164,164,248,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,15,125,240,255,254,255,255,255,255,254,254,255,253,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,108,89,134,106,189,254,254,225,106,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,198,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,0,0,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,114,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,0,0,198,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,57,0,255,255,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,86,255,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,170,255,141,86,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,121,197,253,255,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,205,248,252,252,252,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,247,252,252,252,252,252,253,241,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,252,252,252,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,252,252,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,215,184,145,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,115,184,25,0,14,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,252,253,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,146,146,126,14,152,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,252,252,252,252,252,252,253,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,251,252,252,252,252,252,252,252,253,247,121,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,252,252,252,253,252,252,230,122,94,94,84,0,0,0,0,0,0,0,0,0,0,0,107,252,252,195,137,227,252,252,252,253,252,252,252,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,107,252,252,203,96,236,252,252,252,253,252,252,252,252,252,252,120,0,0,0,0,0,0,0,0,0,0,0,85,246,252,252,252,252,252,252,224,225,252,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,121,246,252,252,252,252,250,100,38,135,212,212,233,184,79,29,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,249,143,0,0,0,0,0,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,252,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,231,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,238,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,222,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,255,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,188,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,226,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,236,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,251,207,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,148,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,150,193,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,239,38,0,0,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,125,0,0,0,203,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,215,252,0,0,0,0,19,212,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,229,252,214,139,0,0,0,0,0,169,243,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,255,241,156,0,0,0,0,0,0,169,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,114,234,252,184,47,19,0,0,0,0,0,0,169,252,78,0,0,0,0,0,0,0,0,0,0,0,0,98,234,252,127,0,0,0,0,0,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,51,253,252,177,3,0,0,0,0,0,0,0,0,13,206,177,3,0,0,0,0,0,0,0,0,0,0,48,241,242,209,25,0,0,0,0,0,0,0,0,0,154,253,168,0,0,0,0,0,0,0,0,0,0,13,172,252,91,84,0,0,0,0,0,0,0,0,0,26,253,240,130,0,0,0,0,0,0,0,0,0,0,144,252,252,31,19,0,0,0,0,0,0,0,0,0,200,253,109,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,76,249,241,47,0,0,0,0,0,0,0,0,0,0,41,253,253,28,0,0,0,0,0,0,0,0,0,45,229,253,151,0,0,0,0,0,0,0,0,0,0,0,216,252,196,9,0,0,0,0,0,0,0,0,120,225,233,196,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,76,253,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,126,249,253,177,31,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,153,129,29,29,79,154,228,229,241,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,252,252,253,252,252,252,253,252,170,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,252,253,252,252,252,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,91,215,252,252,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,220,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,122,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,237,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,11,202,182,116,211,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,93,168,155,178,196,187,252,142,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,61,123,109,19,0,0,39,171,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,213,144,4,0,0,0,0,0,170,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,0,0,0,0,0,0,0,0,123,218,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,12,0,0,0,0,0,0,23,177,208,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,76,0,0,0,0,0,11,233,254,250,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,217,189,6,0,0,0,89,226,245,177,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,84,102,203,84,0,90,249,243,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,197,169,211,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,231,254,254,153,154,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,254,171,150,243,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,242,73,1,2,203,247,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,241,225,60,0,0,0,40,206,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,247,44,0,0,0,0,0,195,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,139,0,0,0,0,1,111,207,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,232,90,0,0,0,69,173,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,255,192,103,165,208,241,240,113,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,231,254,228,240,249,191,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,163,50,63,73,13,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,147,186,246,193,106,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,185,249,254,254,254,254,254,247,111,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,108,242,254,254,249,163,39,104,140,248,254,228,223,66,0,0,0,0,0,0,0,0,0,0,0,0,8,157,254,254,240,105,0,0,0,0,0,55,206,254,249,63,0,0,0,0,0,0,0,0,0,0,0,2,157,254,254,239,68,0,0,0,0,0,0,21,234,254,106,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,193,22,0,0,0,0,0,0,0,129,254,250,5,0,0,0,0,0,0,0,0,0,0,0,15,229,254,239,63,0,0,0,0,0,0,0,19,247,254,84,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,90,0,0,0,0,0,0,0,0,181,254,204,10,0,0,0,0,0,0,0,0,0,0,0,0,77,254,252,61,0,0,0,0,0,0,18,197,251,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,211,0,0,0,0,0,0,60,210,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,245,51,0,0,0,6,162,220,247,223,254,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,254,243,141,151,239,240,254,198,68,168,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,230,254,254,254,254,199,126,19,0,168,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,48,145,156,74,4,0,0,0,168,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,214,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,156,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,167,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,242,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,250,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,244,240,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,116,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,56,0,0,0,0,0,0,70,70,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,23,0,0,0,0,0,134,254,253,243,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,222,13,0,0,0,0,28,240,155,46,140,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,184,0,0,0,0,0,182,253,25,0,40,228,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,185,0,0,0,0,13,221,136,0,0,15,229,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,184,0,0,0,0,97,253,69,0,0,74,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,184,0,0,0,0,180,251,63,0,30,212,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,210,9,0,0,0,230,230,0,26,214,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,48,0,0,70,254,138,26,221,216,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,237,165,0,0,120,253,100,214,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,242,165,82,203,253,253,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,254,253,168,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,93,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,172,59,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,118,213,253,254,253,253,217,139,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,156,253,253,253,253,254,253,253,253,253,236,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,159,254,253,240,124,117,42,191,117,169,229,254,236,12,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,254,200,40,0,0,0,0,0,0,23,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,209,9,0,0,0,0,0,0,0,121,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,42,244,253,254,220,147,24,0,0,0,0,79,244,254,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,125,205,193,253,253,226,79,0,0,0,166,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,5,64,196,253,253,212,92,137,251,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,73,193,254,253,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,253,200,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,247,107,209,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,254,91,0,122,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,171,9,0,24,230,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,242,254,61,0,0,0,158,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,53,0,7,126,244,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,79,124,199,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,254,253,253,247,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,254,170,126,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,182,254,254,255,210,171,117,124,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,234,162,148,122,162,242,251,254,233,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,70,240,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,249,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,226,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,89,61,184,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,91,238,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,137,214,226,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,254,47,14,229,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,37,5,0,185,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,237,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,40,0,0,0,0,0,0,0,0,35,244,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,229,175,91,15,0,0,0,0,16,195,169,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,254,233,158,91,76,146,234,217,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,164,254,254,254,254,254,237,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,237,212,170,100,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,90,102,198,94,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,154,253,254,254,254,254,164,108,15,0,26,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,237,104,95,66,168,192,248,80,135,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,215,17,0,0,0,0,2,13,32,252,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,251,228,102,29,0,0,0,0,0,105,254,234,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,230,254,224,129,9,0,0,32,250,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,126,230,254,216,128,48,132,254,240,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,107,218,254,250,249,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,123,247,254,254,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,254,210,197,244,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,249,44,5,149,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,254,179,0,0,22,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,237,43,0,0,22,254,247,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,215,0,0,0,61,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,179,0,0,12,200,254,245,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,129,0,3,130,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,133,2,72,254,254,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,243,192,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,255,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,134,244,159,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,30,136,164,115,140,54,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,170,29,0,27,106,141,221,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,7,0,0,0,0,7,211,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,159,0,0,0,0,0,0,197,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,48,0,0,0,0,0,4,206,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,247,33,0,0,0,0,0,25,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,33,0,0,0,0,0,70,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,54,0,0,0,0,5,191,239,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,226,39,0,0,56,234,106,250,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,169,249,222,191,220,58,52,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,235,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,235,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,250,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,247,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,152,152,152,193,254,253,173,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,213,252,253,252,253,252,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,253,183,102,102,102,102,102,193,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,131,50,0,0,0,0,0,41,233,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,213,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,213,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,151,151,151,213,252,243,203,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,151,232,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,21,0,0,0,0,0,11,173,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,142,0,0,0,0,41,213,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,153,152,255,253,255,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,253,252,253,171,151,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,213,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,233,30,21,102,123,203,203,162,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,62,214,253,254,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,223,162,253,252,172,50,131,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,233,0,0,51,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,233,50,0,0,173,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,255,253,204,0,0,163,255,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,243,203,163,243,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,253,255,253,255,253,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,233,151,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,120,237,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,245,244,198,215,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,244,146,38,0,109,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,210,69,0,0,0,93,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,241,34,0,0,0,0,185,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,39,0,0,0,0,13,222,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,240,155,4,0,0,0,0,66,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,25,0,0,0,0,0,149,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,195,244,51,0,0,0,0,0,0,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,94,0,0,0,0,0,17,134,234,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,113,0,0,0,0,51,187,254,214,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,254,143,4,0,13,64,214,247,224,106,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,128,116,182,221,248,187,71,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,160,254,253,253,253,195,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,157,187,239,136,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,141,253,191,79,96,240,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,142,238,80,0,0,0,80,199,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,228,39,0,0,0,0,34,243,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,236,75,0,0,0,0,5,77,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,232,6,0,0,0,0,59,254,229,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,78,0,0,0,6,175,227,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,239,36,0,0,85,215,54,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,174,221,49,33,195,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,200,248,232,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,222,254,218,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,66,200,247,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,219,99,0,6,159,248,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,225,6,0,0,6,105,229,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,145,0,0,0,0,24,217,136,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,88,0,0,0,0,0,66,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,132,0,0,0,0,0,188,237,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,238,31,0,0,15,166,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,141,80,123,236,211,54,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,167,254,212,100,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,4,153,131,192,192,131,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,197,254,254,254,254,254,217,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,241,250,207,148,251,254,114,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,205,31,78,26,0,85,217,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,240,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,148,239,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,181,181,201,254,254,254,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,254,254,254,254,254,193,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,254,254,154,62,137,254,227,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,196,199,236,159,55,10,0,198,254,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,13,38,11,0,0,30,234,254,219,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,210,254,254,100,0,0,0,0,0,0,0,0,0,0,0,5,87,0,0,0,0,0,0,0,0,0,0,194,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,13,252,224,209,37,0,0,0,0,0,30,201,249,254,254,213,11,0,0,0,0,0,0,0,0,0,0,0,13,255,255,255,239,231,206,107,107,139,238,254,254,254,141,148,0,0,0,0,0,0,0,0,0,0,0,0,7,205,254,254,254,254,254,254,254,254,254,254,254,213,24,11,0,0,0,0,0,0,0,0,0,0,0,0,0,7,85,150,237,214,254,254,254,254,254,254,214,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,87,154,254,163,163,156,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,152,236,254,254,255,254,254,157,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,183,249,239,178,136,88,59,58,142,250,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,244,203,99,24,0,0,0,0,0,0,127,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,79,3,0,0,0,0,0,0,0,0,127,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,249,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,211,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,235,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,207,217,13,0,0,0,0,0,0,67,79,79,79,79,6,0,0,0,0,0,0,0,0,0,0,0,7,206,251,60,19,50,98,116,200,255,251,234,234,235,198,156,60,0,0,0,0,0,0,0,0,0,0,0,150,254,208,183,249,254,253,232,214,136,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,250,254,253,239,170,111,39,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,223,145,61,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,206,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,100,243,253,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,167,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,246,87,2,179,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,175,0,32,193,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,252,202,89,230,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,252,252,252,253,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,165,208,113,186,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,255,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,140,252,222,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,218,252,252,242,165,74,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,127,248,252,252,252,253,252,252,191,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,198,252,252,252,210,227,249,252,252,252,239,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,252,252,225,26,0,56,128,225,252,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,215,97,0,0,0,0,26,171,192,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,128,17,0,0,0,0,0,0,0,7,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,254,132,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,246,254,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,223,214,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,145,213,253,253,150,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,254,253,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,110,153,252,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,39,122,147,170,169,147,122,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,206,254,254,254,254,254,254,254,228,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,244,140,99,153,254,79,32,104,182,250,101,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,231,254,254,54,0,0,0,88,174,169,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,230,254,254,214,14,0,0,0,0,174,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,21,154,252,252,169,80,60,0,0,0,0,0,74,253,211,0,0,0,0,0,0,0,0,0,0,0,0,2,130,254,254,138,0,0,0,0,0,0,0,0,0,191,222,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,126,23,0,0,0,0,0,0,0,0,0,104,222,0,0,0,0,0,0,0,0,0,0,0,0,122,254,214,14,0,0,0,0,0,0,0,0,0,0,104,252,77,0,0,0,0,0,0,0,0,0,0,73,243,245,90,0,0,0,0,0,0,0,0,0,0,0,104,254,184,0,0,0,0,0,0,0,0,0,0,185,254,211,0,0,0,0,0,0,0,0,0,0,0,0,66,253,240,30,0,0,0,0,0,0,0,0,20,221,254,146,0,0,0,0,0,0,0,0,0,0,0,0,9,251,248,34,0,0,0,0,0,0,0,0,39,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,184,0,0,0,0,0,0,0,0,0,39,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,96,0,0,0,0,0,0,0,0,0,18,217,254,99,0,0,0,0,0,0,0,0,0,0,0,47,235,223,3,0,0,0,0,0,0,0,0,0,0,185,255,176,0,0,0,0,0,0,0,0,0,0,35,195,254,147,0,0,0,0,0,0,0,0,0,0,0,141,254,247,98,0,0,0,0,0,0,0,0,40,231,254,168,19,0,0,0,0,0,0,0,0,0,0,0,2,163,254,253,199,121,33,33,33,119,141,213,252,254,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,34,152,254,254,254,254,254,254,254,254,254,227,126,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,134,213,254,254,254,254,189,38,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,197,254,84,0,0,0,0,0,0,0,169,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,83,0,0,0,0,0,0,0,168,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,84,0,0,0,0,0,0,0,0,254,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,196,0,0,0,0,0,0,0,0,253,251,253,83,0,0,169,56,0,0,0,0,0,0,0,0,255,253,254,253,0,0,0,0,0,0,0,0,254,253,254,84,0,0,254,84,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,253,251,253,196,0,0,139,83,0,0,0,0,0,0,0,0,86,253,254,253,169,0,0,0,0,0,0,0,254,253,254,253,0,0,254,84,0,0,0,0,0,0,0,0,85,251,253,251,225,56,0,0,0,0,0,0,139,251,253,251,0,114,253,83,0,0,0,0,0,0,0,0,0,169,254,253,254,139,57,0,0,0,0,0,85,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,168,253,251,253,251,225,168,169,168,169,168,197,251,253,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,254,253,254,253,254,253,254,253,254,196,114,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,253,251,253,251,253,251,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,168,169,168,169,168,169,225,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,253,196,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,214,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,233,82,102,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,30,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,131,0,0,31,51,51,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,172,203,203,233,252,253,232,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,253,244,203,142,102,102,102,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,253,252,91,50,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,173,252,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,255,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,148,148,193,148,51,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,164,247,252,252,253,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,251,134,21,38,161,251,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,160,0,0,0,0,232,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,62,185,249,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,200,148,192,254,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,252,252,168,152,252,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,21,65,21,21,0,94,252,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,128,139,212,253,253,253,255,232,55,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,161,186,252,252,253,252,218,206,227,211,252,252,83,5,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,221,184,110,19,0,32,24,252,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,227,66,25,0,0,0,0,0,118,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,16,0,0,0,0,0,0,53,243,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,244,253,202,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,152,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,252,157,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,203,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,253,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,203,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,240,252,253,134,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,252,252,252,98,17,0,0,0,0,0,0,0,0,0,0,68,59,0,0,0,0,0,0,0,0,0,76,252,252,210,32,0,0,0,0,0,0,0,0,43,116,127,230,246,244,178,0,0,0,0,0,0,0,0,202,253,253,150,0,0,0,0,0,22,34,138,222,253,253,255,253,247,230,178,0,0,0,0,0,0,0,0,253,252,208,17,0,0,0,34,89,244,253,252,252,252,210,196,92,67,0,0,0,0,0,0,0,0,0,0,137,252,234,184,80,185,184,234,252,252,253,208,151,69,6,0,0,0,0,0,0,0,0,0,0,0,0,0,15,160,227,252,252,253,252,227,160,108,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,137,137,75,22,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,157,255,103,0,0,0,0,0,0,0,0,88,150,47,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,64,0,0,0,0,0,0,0,133,246,253,149,0,0,0,0,0,0,0,0,0,0,0,0,40,251,253,245,35,0,0,0,0,0,0,27,217,253,245,44,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,191,0,0,0,0,0,0,0,201,253,253,120,0,0,0,0,0,0,0,0,0,0,0,4,61,244,253,252,129,0,0,0,0,0,0,40,241,253,191,8,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,94,0,0,0,0,0,0,0,150,253,253,139,0,0,0,0,0,0,0,0,0,0,0,45,236,253,252,135,4,0,0,0,7,16,16,42,245,253,222,32,0,0,0,0,0,0,0,0,0,0,0,161,253,253,134,0,30,63,108,166,200,253,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,85,244,253,253,216,213,232,253,253,253,253,253,251,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,253,253,253,241,201,201,119,98,113,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,162,155,64,39,0,0,0,0,89,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,65,109,51,5,1,0,0,0,0,0,0,7,158,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,194,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,237,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,251,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,214,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,177,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,161,161,255,169,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,253,254,253,251,230,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,200,137,105,154,240,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,104,0,0,0,32,203,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,93,17,0,0,0,0,34,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,47,114,212,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,253,253,254,253,165,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,152,160,160,186,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,17,0,128,254,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,213,9,68,212,244,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,251,215,240,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,185,103,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,253,143,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,253,252,252,234,225,86,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,233,252,253,252,252,252,252,253,233,197,197,119,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,223,225,223,246,252,252,253,252,252,252,252,216,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,112,112,253,252,252,252,252,253,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,234,252,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,203,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,238,252,252,242,89,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,178,252,253,252,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,252,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,246,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,252,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,220,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,128,253,255,253,133,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,198,247,252,252,253,252,252,248,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,197,252,252,252,252,253,252,252,252,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,187,39,39,39,39,118,252,195,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,241,68,0,0,0,0,94,252,238,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,241,97,0,0,0,0,0,122,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,207,13,0,0,0,20,97,244,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,188,76,105,160,204,252,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,207,252,252,252,252,253,252,252,252,206,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,140,252,174,119,120,119,238,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,215,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,244,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,175,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,227,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,122,255,119,0,0,0,0,0,0,0,15,38,113,103,38,38,6,0,0,0,0,0,0,0,0,0,0,85,253,229,19,0,0,0,49,76,86,184,211,253,253,253,253,253,37,0,0,0,0,0,0,0,0,0,2,209,253,162,114,181,222,222,242,253,251,248,248,144,113,32,78,32,5,0,0,0,0,0,0,0,0,0,95,253,253,253,253,227,210,203,102,102,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,253,205,92,65,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,221,251,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,248,9,49,49,49,49,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,205,253,253,253,253,225,126,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,214,253,244,202,129,129,129,229,253,151,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,197,37,0,0,0,0,13,234,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,251,246,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,121,144,71,137,236,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,145,242,253,216,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,214,253,234,152,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,213,252,253,252,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,244,203,203,243,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,253,130,40,0,0,81,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,244,122,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,81,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,244,81,0,0,0,0,0,0,0,0,51,51,152,30,0,0,0,0,0,0,0,0,0,0,0,0,213,252,203,0,0,0,0,0,123,203,203,203,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,203,254,213,92,51,113,152,254,253,254,253,254,253,255,172,41,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,253,252,253,252,253,252,253,252,253,212,91,10,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,253,254,253,224,122,102,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,171,151,151,50,50,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,242,253,183,112,210,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,163,253,244,5,85,231,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,119,0,0,210,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,192,7,0,0,210,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,233,251,72,0,0,3,212,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,190,0,0,0,67,253,235,45,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,216,253,99,0,0,11,172,253,253,203,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,253,234,221,221,226,253,253,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,213,254,254,225,227,255,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,77,77,10,34,253,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,255,186,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,251,239,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,244,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,240,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,254,255,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,225,249,253,253,229,136,64,134,234,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,253,222,142,45,10,0,163,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,253,221,40,0,0,0,0,169,253,229,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,170,41,0,0,0,0,92,245,241,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,250,173,5,0,0,0,0,19,204,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,162,0,0,0,0,0,53,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,237,72,0,0,0,59,181,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,233,253,236,95,72,72,207,253,253,222,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,245,253,253,253,253,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,194,243,253,238,238,253,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,71,53,189,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,244,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,201,0,5,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,201,14,124,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,231,220,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,226,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,214,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,192,192,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,172,41,0,173,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,50,0,0,51,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,132,10,0,0,51,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,253,50,0,0,31,232,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,0,0,0,0,21,223,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,0,0,0,0,0,203,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,172,0,0,0,0,21,223,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,41,243,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,0,0,0,0,51,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,92,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,0,0,0,0,214,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,41,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,112,0,0,0,102,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,183,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,0,0,113,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,123,82,233,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,233,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,122,173,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,212,20,0,92,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,81,0,82,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,254,253,254,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,91,50,50,131,172,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,233,0,0,0,0,11,213,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,232,123,0,21,102,213,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,255,253,255,253,255,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,255,253,255,253,224,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,213,212,192,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,214,253,254,253,254,253,254,172,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,151,151,151,232,253,252,253,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,41,0,0,0,0,0,62,142,234,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,41,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,255,253,203,40,0,0,0,0,0,82,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,252,0,0,0,0,0,0,21,223,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,173,10,0,0,0,41,214,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,212,41,0,41,243,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,234,112,214,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,232,253,252,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,233,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,111,172,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,142,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,10,212,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,204,0,0,204,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,243,162,21,223,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,255,253,255,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,255,253,253,253,253,192,113,191,113,191,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,252,252,253,252,252,252,252,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,201,195,195,195,222,201,208,252,252,196,195,43,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,38,9,19,84,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,252,140,0,19,85,38,38,85,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,229,197,209,252,221,222,252,239,197,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,234,252,252,253,252,252,252,252,253,252,252,252,252,16,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,173,252,252,252,203,94,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,140,0,0,0,0,0,0,0,32,140,203,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,195,0,0,0,0,0,0,0,0,0,0,0,38,113,38,0,0,0,0,0,0,0,38,144,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,85,252,234,146,85,85,66,57,85,226,234,252,252,252,253,223,37,0,0,0,0,0,0,0,0,0,0,0,19,209,252,252,253,252,239,234,252,253,252,252,252,252,196,52,0,0,0,0,0,0,0,0,0,0,0,0,0,97,227,252,253,252,252,252,252,253,252,245,129,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,253,252,252,252,252,190,112,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,29,136,219,254,255,254,78,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,253,247,218,127,143,250,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,133,69,0,0,0,231,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,63,0,0,0,0,0,231,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,78,252,251,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,132,253,244,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,253,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,150,194,240,253,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,241,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,245,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,232,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,67,0,0,109,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,123,94,0,15,221,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,247,70,16,177,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,246,237,84,178,253,183,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,253,253,253,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,190,135,108,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,123,253,253,253,253,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,230,252,252,252,216,252,253,241,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,252,250,157,88,36,88,150,114,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,236,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,222,0,0,16,177,240,203,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,227,21,0,11,172,253,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,118,0,0,61,165,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,14,0,0,0,209,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,136,0,0,0,72,195,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,247,252,167,4,0,0,0,15,252,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,128,0,0,0,15,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,220,31,0,0,15,252,252,231,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,152,250,252,121,0,0,14,236,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,80,0,0,120,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,247,116,90,166,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,207,233,253,252,252,252,238,189,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,104,103,199,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,191,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,161,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,238,253,253,66,0,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,214,254,253,253,142,9,117,235,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,231,253,254,225,66,9,0,12,190,248,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,225,137,38,0,0,0,0,146,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,47,174,228,253,152,38,0,0,0,0,0,0,13,189,128,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,222,39,0,0,0,0,0,0,0,0,161,226,0,0,0,0,0,0,0,0,0,0,0,0,54,231,253,223,39,0,0,0,0,0,0,0,0,0,161,107,0,0,0,0,0,0,0,0,0,0,0,0,214,253,225,38,0,0,0,0,0,0,0,0,0,22,195,50,0,0,0,0,0,0,0,0,0,0,0,158,254,254,67,0,0,0,0,0,0,0,0,0,0,175,228,0,0,0,0,0,0,0,0,0,0,0,46,238,219,111,4,0,0,0,0,0,0,0,0,29,206,249,170,0,0,0,0,0,0,0,0,0,0,0,108,253,124,0,0,0,0,0,0,0,0,0,80,207,253,238,59,0,0,0,0,0,0,0,0,0,0,0,220,131,6,0,0,0,0,0,0,0,77,201,247,253,253,100,0,0,0,0,0,0,0,0,0,0,0,96,251,26,0,0,0,0,0,40,68,202,251,253,253,235,88,17,0,0,0,0,0,0,0,0,0,0,0,121,253,74,54,54,153,187,187,226,253,254,253,253,165,49,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,253,253,253,253,255,236,213,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,253,253,253,239,228,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,250,240,155,107,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,253,211,120,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,227,255,254,236,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,238,190,67,48,186,244,10,0,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,175,7,0,0,7,214,105,71,249,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,244,38,0,0,0,0,68,140,174,249,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,47,0,0,0,0,0,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,170,203,169,48,39,75,192,254,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,183,253,254,253,253,249,254,242,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,123,87,96,114,37,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,250,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,227,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,246,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,249,29,0,0,0,0,0,186,175,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,247,0,0,0,0,0,189,252,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,99,0,0,0,90,240,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,225,6,34,160,252,253,253,239,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,253,253,253,253,253,253,171,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,227,253,253,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,253,253,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,251,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,243,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,176,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,194,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,231,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,245,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,185,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,251,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,243,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,219,9,0,0,0,0,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,169,0,0,0,25,124,197,132,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,241,54,0,6,133,232,254,254,254,251,114,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,157,0,12,178,254,254,210,184,204,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,125,52,224,254,250,146,11,0,71,254,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,216,234,254,224,62,0,0,0,71,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,244,254,254,254,94,1,29,36,81,207,231,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,254,191,242,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,174,254,254,254,254,254,254,234,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,160,254,254,254,254,191,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,189,254,176,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,248,254,253,253,239,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,245,253,254,219,171,213,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,253,240,87,4,0,109,253,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,175,21,0,0,0,70,227,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,223,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,139,253,254,223,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,222,253,253,254,253,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,249,253,253,214,87,93,244,249,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,246,72,0,0,49,233,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,254,254,119,0,0,0,0,51,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,248,254,253,212,23,0,0,0,0,15,237,223,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,254,206,18,0,0,0,0,0,0,104,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,121,0,0,0,0,0,0,0,20,247,183,3,0,0,0,0,0,0,0,0,0,0,0,0,0,38,227,136,5,0,0,0,0,0,0,0,0,99,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,163,189,254,254,176,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,165,230,253,254,253,253,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,253,254,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,135,249,253,253,246,242,235,143,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,253,207,46,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,255,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,254,253,217,110,91,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,254,254,254,254,255,254,176,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,253,253,253,253,254,253,253,251,138,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,158,185,216,222,250,210,241,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,50,71,35,126,250,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,238,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,128,77,19,166,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,254,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,126,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,245,248,236,183,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,253,254,253,222,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,183,232,253,242,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,253,253,253,91,16,195,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,93,207,92,0,27,238,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,212,23,13,7,0,0,116,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,81,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,36,0,0,0,0,0,109,253,167,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,253,36,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,238,26,0,0,0,0,0,135,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,222,254,198,0,0,0,0,0,21,230,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,108,0,0,0,0,0,128,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,18,0,0,0,0,50,245,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,254,83,0,0,0,0,145,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,109,0,0,27,157,254,254,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,171,16,100,242,254,253,245,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,227,253,253,254,225,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,206,253,253,253,248,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,207,246,129,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,95,161,254,254,254,254,254,254,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,217,253,253,253,253,253,253,253,253,253,147,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,253,253,253,253,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,4,120,253,253,253,253,253,253,253,253,253,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,230,126,198,248,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,16,218,253,253,253,245,125,23,0,0,77,212,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,197,0,0,0,0,0,94,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,197,0,0,0,0,0,94,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,170,0,0,0,0,0,94,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,178,63,63,14,0,0,94,253,253,253,253,162,0,0,0,0,0,0,0,0,0,0,48,198,253,253,253,253,253,253,253,205,192,90,136,253,253,253,253,35,0,0,0,0,0,0,0,0,0,47,229,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,161,2,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,173,2,0,0,0,0,0,0,0,0,91,234,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,48,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,129,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,81,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,157,148,91,1,0,0,0,0,0,0,0,0,85,253,253,253,253,253,253,253,253,253,253,220,141,39,18,18,2,0,0,0,0,0,0,0,0,0,0,0,1,79,202,253,253,253,253,253,227,135,135,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,18,129,112,5,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,167,191,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,255,254,229,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,188,165,249,232,135,20,54,247,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,249,254,254,148,17,0,0,13,233,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,179,56,10,0,0,0,77,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,218,45,0,0,0,0,0,149,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,248,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,222,251,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,210,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,246,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,227,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,129,0,0,0,0,58,176,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,198,0,0,0,0,247,252,252,206,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,246,71,0,0,0,204,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,79,0,0,0,121,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,209,17,0,0,0,89,249,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,198,0,0,0,0,0,240,252,252,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,207,13,0,0,0,0,219,252,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,252,252,218,29,0,0,0,0,107,252,252,252,232,51,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,201,5,0,0,0,0,107,252,252,252,252,158,5,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,170,49,8,133,134,183,252,252,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,255,253,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,61,235,252,252,252,252,252,252,253,252,252,252,252,252,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,22,61,178,252,252,252,252,253,252,252,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,39,39,46,102,103,46,230,252,252,252,246,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,246,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,252,238,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,191,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,252,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,253,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,252,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,253,69,0,0,0,0,17,24,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,69,0,22,110,161,228,252,211,100,17,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,253,218,19,0,199,253,252,252,252,252,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,253,244,56,119,248,253,252,252,252,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,252,121,207,252,253,252,136,211,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,253,253,253,253,255,207,0,208,253,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,252,252,252,252,253,236,161,236,252,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,252,253,252,252,252,252,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,135,252,252,252,253,252,252,252,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,137,242,253,252,252,157,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,118,180,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,137,245,227,200,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,60,196,135,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,182,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,207,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,209,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,180,0,0,0,0,0,0,0,7,7,7,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,199,0,0,0,0,0,83,193,249,254,254,254,250,128,0,0,0,0,0,0,0,0,0,0,0,0,0,200,199,0,0,0,94,233,251,207,188,150,150,197,231,251,81,0,0,0,0,0,0,0,0,0,0,0,0,104,246,75,1,121,240,105,34,0,0,0,0,0,83,254,122,0,0,0,0,0,0,0,0,0,0,0,0,20,239,232,146,239,68,0,0,0,0,0,0,0,100,239,39,0,0,0,0,0,0,0,0,0,0,0,0,0,50,229,254,109,2,0,0,0,0,0,0,66,221,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,168,90,34,21,21,62,192,188,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,48,85,144,209,254,255,190,183,83,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,193,254,253,234,233,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,212,172,252,253,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,82,0,0,0,62,142,234,213,52,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,151,0,0,0,0,0,0,152,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,82,0,0,0,0,41,214,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,243,162,0,0,82,243,253,252,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,234,152,254,253,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,253,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,233,70,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,123,0,132,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,212,0,0,10,212,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,183,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,151,0,0,0,0,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,192,0,0,0,82,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,173,31,0,123,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,232,203,243,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,255,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,131,252,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,254,129,0,0,0,83,134,168,62,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,94,0,13,160,241,254,254,254,206,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,214,7,9,177,255,254,174,159,208,254,206,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,147,0,24,254,254,184,4,0,23,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,252,11,24,254,254,61,0,0,18,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,81,24,254,255,59,0,0,131,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,254,152,20,237,254,136,0,44,209,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,253,184,229,254,233,184,248,254,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,232,254,254,254,254,254,254,254,212,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,163,254,254,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,17,17,53,180,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,227,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,230,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,247,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,251,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,148,0,0,0,0,0,28,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,188,254,85,0,0,0,0,27,214,218,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,235,19,0,0,0,25,216,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,170,0,0,0,0,155,254,255,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,139,0,0,0,77,253,254,33,220,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,89,0,0,0,161,254,196,33,239,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,101,0,0,0,215,215,56,102,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,139,0,0,0,254,183,48,229,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,139,0,0,0,212,217,230,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,249,221,37,0,0,128,254,254,239,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,222,106,106,213,254,249,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,227,252,254,254,252,166,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,166,196,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,43,139,218,253,148,113,43,14,0,8,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,227,252,252,252,252,253,252,252,211,146,114,252,205,0,0,0,0,0,0,0,0,0,0,0,0,20,202,252,253,252,233,231,143,232,231,251,252,252,253,252,242,42,0,0,0,0,0,0,0,0,0,0,22,202,252,252,216,110,7,0,0,0,0,77,111,189,253,252,252,84,0,0,0,0,0,0,0,0,0,0,173,252,252,252,18,0,0,0,0,0,0,0,0,0,122,252,252,84,0,0,0,0,0,0,0,0,0,0,129,253,253,253,36,0,0,0,0,0,0,0,0,0,61,253,253,84,0,0,0,0,0,0,0,0,0,0,21,202,252,252,243,155,43,0,0,0,0,0,0,0,227,252,252,84,0,0,0,0,0,0,0,0,0,0,0,19,202,252,253,252,242,179,13,0,0,0,0,54,253,252,180,7,0,0,0,0,0,0,0,0,0,0,0,0,21,128,227,252,252,252,217,27,0,0,16,186,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,121,200,252,252,229,53,54,186,252,253,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,255,253,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,171,253,252,252,252,252,110,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,190,252,253,169,142,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,86,11,4,138,252,253,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,243,79,0,0,0,0,150,255,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,210,14,0,0,0,0,141,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,242,252,191,128,127,127,153,249,253,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,231,252,253,252,252,252,252,243,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,147,253,252,252,252,121,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,247,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,248,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,223,244,0,0,0,38,170,239,239,239,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,197,0,0,155,224,254,189,112,243,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,248,57,181,251,254,137,3,0,207,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,193,254,157,254,254,98,3,0,44,232,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,203,65,15,227,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,214,161,254,188,88,163,254,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,251,254,168,146,143,182,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,248,112,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,59,146,246,185,107,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,123,245,243,211,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,227,252,166,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,197,249,223,47,2,68,232,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,202,252,155,35,0,15,225,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,155,7,0,0,110,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,109,0,0,0,68,245,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,224,14,0,0,15,211,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,71,0,0,9,237,252,224,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,111,37,91,204,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,252,235,252,208,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,106,106,35,0,255,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,109,109,255,211,109,109,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,253,252,252,252,253,222,114,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,253,252,252,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,211,252,253,252,252,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,62,0,0,37,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,252,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,212,252,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,255,253,175,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,252,252,253,200,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,252,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,168,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,138,233,253,255,253,222,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,212,252,252,252,231,207,214,252,219,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,253,240,183,89,37,0,13,202,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,192,37,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,210,85,11,0,0,0,0,0,95,246,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,252,118,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,218,245,87,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,248,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,202,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,172,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,30,13,0,22,110,161,44,0,0,0,0,0,0,0,0,0,0,0,0,153,252,221,185,184,184,184,184,185,228,202,184,215,253,187,19,0,0,0,0,0,0,0,0,0,0,0,0,44,236,252,253,252,252,252,252,253,252,252,176,160,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,253,252,221,137,137,128,22,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,107,107,157,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,123,197,253,252,252,252,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,243,252,252,253,252,252,252,140,115,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,255,253,253,253,163,113,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,214,196,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,156,19,0,0,0,57,85,85,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,202,0,0,0,51,226,243,252,252,253,234,187,63,0,0,0,0,0,0,0,0,0,0,0,0,141,253,216,41,141,141,229,253,163,113,113,113,176,244,253,253,141,60,0,0,0,0,0,0,0,0,0,0,216,252,252,252,253,252,208,145,0,0,0,0,0,56,122,246,253,234,63,0,0,0,0,0,0,0,0,0,253,252,252,252,168,93,13,0,0,0,0,0,0,0,0,50,216,252,234,22,0,0,0,0,0,0,0,0,153,252,214,40,0,0,0,0,0,0,0,0,0,0,0,0,28,215,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,134,0,0,0,0,0,0,0,38,229,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,0,0,0,0,0,0,126,237,253,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,192,141,141,141,141,216,253,253,254,159,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,253,252,252,252,253,252,252,227,134,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,119,168,168,168,168,168,80,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,137,192,115,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,154,154,246,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,186,254,254,254,254,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,254,254,254,228,75,65,175,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,231,254,254,192,74,30,0,0,148,254,243,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,251,254,244,128,9,0,0,0,111,243,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,254,249,63,0,0,41,126,233,254,254,254,220,27,0,0,0,0,0,0,0,0,0,0,0,0,6,196,254,254,64,14,24,108,229,254,254,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,204,105,213,254,254,254,254,254,254,254,224,26,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,254,254,255,236,150,155,254,255,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,254,206,95,41,0,205,254,232,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,208,148,15,0,0,0,232,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,173,215,37,12,0,0,0,0,87,252,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,4,0,0,0,0,0,4,214,254,237,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,211,254,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,74,85,136,164,255,155,136,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,182,253,253,253,253,253,253,253,249,140,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,253,253,253,253,253,253,253,253,253,253,123,15,0,0,0,0,0,0,0,0,0,0,0,0,0,15,177,253,253,253,253,253,237,237,253,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,245,145,36,63,234,253,253,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,184,107,189,233,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,253,253,253,253,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,253,253,253,253,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,45,223,253,253,253,253,253,253,253,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,118,194,223,253,216,194,194,95,210,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,59,22,0,0,0,148,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,84,239,80,50,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,182,242,203,204,228,159,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,232,167,61,0,0,20,132,191,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,243,156,7,0,0,0,0,3,169,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,114,0,0,0,0,0,0,0,100,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,191,0,0,0,0,0,0,0,0,0,236,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,240,25,0,0,0,0,0,0,0,0,0,182,224,5,0,0,0,0,0,0,0,0,0,0,0,0,41,245,116,0,0,0,0,0,0,0,0,0,0,120,254,34,0,0,0,0,0,0,0,0,0,0,0,0,140,213,4,0,0,0,0,0,0,0,0,0,0,155,254,34,0,0,0,0,0,0,0,0,0,0,0,27,241,123,0,0,0,0,0,0,0,0,0,0,0,187,248,27,0,0,0,0,0,0,0,0,0,0,0,139,227,5,0,0,0,0,0,0,0,0,0,0,0,196,174,0,0,0,0,0,0,0,0,0,0,0,0,220,181,0,0,0,0,0,0,0,0,0,0,0,41,254,147,0,0,0,0,0,0,0,0,0,0,0,10,229,101,0,0,0,0,0,0,0,0,0,0,0,68,254,85,0,0,0,0,0,0,0,0,0,0,0,16,237,51,0,0,0,0,0,0,0,0,0,0,4,196,218,5,0,0,0,0,0,0,0,0,0,0,0,35,254,60,0,0,0,0,0,0,0,0,0,0,27,254,131,0,0,0,0,0,0,0,0,0,0,0,0,5,225,123,0,0,0,0,0,0,0,0,0,3,187,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,148,186,0,0,0,0,0,0,0,0,0,125,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,244,32,0,0,0,0,0,0,0,115,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,196,16,0,0,0,0,37,82,243,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,116,194,90,17,18,153,220,243,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,163,254,255,254,222,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,166,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,190,247,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,241,254,254,226,79,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,177,231,219,219,219,230,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,115,235,213,36,0,0,0,17,248,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,184,100,5,0,0,0,0,3,247,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,224,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,210,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,254,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,254,245,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,248,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,188,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,247,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,245,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,239,247,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,61,217,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,236,185,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,195,96,96,96,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,201,251,253,251,251,251,251,191,71,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,251,251,251,253,251,188,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,188,189,188,188,204,251,253,251,251,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,94,153,251,251,228,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,251,251,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,253,251,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,32,142,251,251,253,207,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,251,251,251,251,129,8,0,0,0,64,76,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,251,251,251,152,0,0,0,40,158,153,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,253,253,253,153,96,214,253,253,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,161,253,251,251,251,251,253,251,251,251,251,221,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,251,251,251,251,253,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,196,251,251,251,189,188,188,50,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,94,133,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,118,118,155,154,193,118,118,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,191,236,254,254,254,254,254,254,254,254,254,192,21,0,0,0,0,0,0,0,0,0,0,0,0,0,65,245,254,254,254,254,254,254,254,254,254,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,254,254,254,230,199,199,173,151,126,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,201,82,82,47,0,0,0,0,102,254,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,254,180,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,190,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,254,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,255,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,255,252,105,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,238,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,191,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,226,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,249,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,219,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,216,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,241,242,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,239,239,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,237,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,226,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,33,0,0,0,14,99,99,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,33,0,0,104,233,254,254,245,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,33,0,158,252,255,252,224,254,244,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,55,163,251,254,155,46,5,102,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,246,241,254,239,72,0,0,5,129,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,143,39,21,58,129,254,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,246,239,254,254,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,79,175,180,180,180,145,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,224,128,0,0,0,0,0,0,0,0,87,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,240,112,0,0,0,0,0,0,15,196,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,182,254,252,133,65,149,93,62,143,201,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,111,194,254,254,254,254,254,254,254,254,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,161,254,238,224,254,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,44,29,14,102,254,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,251,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,212,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,246,255,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,241,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,215,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,251,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,196,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,98,160,241,219,136,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,254,231,216,230,254,180,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,166,253,146,23,0,21,116,239,231,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,207,0,0,0,0,0,58,237,229,170,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,248,245,80,0,0,0,0,0,0,92,238,254,252,204,5,0,0,0,0,0,0,0,0,0,0,0,0,104,254,199,0,0,0,0,0,0,0,0,60,239,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,170,254,46,0,0,0,0,0,0,0,0,0,111,254,254,237,27,0,0,0,0,0,0,0,0,0,0,58,252,209,8,0,0,0,0,0,0,0,0,0,30,236,254,254,94,0,0,0,0,0,0,0,0,0,0,132,254,178,0,0,0,0,0,0,0,0,0,0,48,251,225,253,141,0,0,0,0,0,0,0,0,0,0,132,254,109,0,0,0,0,0,0,0,0,0,0,30,113,0,245,225,0,0,0,0,0,0,0,0,0,0,192,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,246,226,0,0,0,0,0,0,0,0,0,0,226,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,245,225,0,0,0,0,0,0,0,0,0,0,226,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,245,225,0,0,0,0,0,0,0,0,0,0,198,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,245,225,0,0,0,0,0,0,0,0,0,0,132,254,171,0,0,0,0,0,0,0,0,0,0,0,0,97,253,208,0,0,0,0,0,0,0,0,0,0,88,249,240,22,0,0,0,0,0,0,0,0,0,0,30,240,249,52,0,0,0,0,0,0,0,0,0,0,0,131,254,179,0,0,0,0,0,0,0,0,0,65,240,254,165,0,0,0,0,0,0,0,0,0,0,0,0,4,151,252,196,57,2,0,0,0,30,61,179,250,249,165,7,0,0,0,0,0,0,0,0,0,0,0,0,0,40,189,254,254,218,217,182,218,236,242,225,173,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,73,226,254,254,254,230,145,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,255,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,253,247,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,236,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,248,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,239,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,103,0,0,0,0,0,80,147,213,213,191,27,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,29,0,0,0,107,231,250,253,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,35,0,2,107,252,253,243,133,75,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,1,107,253,246,132,17,0,40,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,44,241,253,216,36,253,253,172,0,18,101,252,253,222,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,221,253,137,21,51,191,253,253,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,253,253,253,220,201,241,253,253,205,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,242,253,253,253,253,253,216,101,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,246,135,135,135,44,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,124,150,121,152,147,164,157,114,198,189,135,106,0,0,0,0,0,0,0,0,0,0,0,0,0,18,123,241,254,254,254,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,18,172,254,240,169,85,26,99,99,91,50,99,40,99,99,70,0,0,0,0,0,0,0,0,0,0,0,42,207,254,177,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,202,254,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,196,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,247,204,91,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,144,219,238,254,230,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,26,77,249,231,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,14,0,0,0,0,0,53,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,166,10,0,0,0,0,61,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,131,0,0,0,0,205,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,236,137,19,0,49,247,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,250,254,237,156,224,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,248,254,255,254,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,78,156,144,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,136,220,205,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,217,249,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,245,141,0,152,248,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,248,178,22,0,105,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,243,30,0,0,38,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,79,0,0,0,45,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,9,0,0,0,132,250,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,113,19,29,232,150,1,0,0,0,132,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,247,201,77,244,39,0,0,0,0,212,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,235,0,0,0,0,25,236,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,233,254,211,0,0,0,0,91,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,140,0,0,0,0,160,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,140,0,0,0,0,164,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,140,0,0,9,76,254,254,149,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,124,0,11,210,254,254,254,254,248,218,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,9,0,106,241,224,254,104,85,168,245,226,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,210,234,176,9,0,0,75,254,197,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,254,95,0,0,0,2,62,254,133,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,208,14,0,0,0,0,3,135,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,229,66,0,0,0,0,0,0,0,63,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,170,0,0,0,0,0,0,0,47,102,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,221,42,0,0,0,0,0,0,117,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,169,0,0,0,0,0,0,0,117,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,169,0,0,0,0,0,0,0,117,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,233,49,0,0,0,0,0,0,0,28,226,254,229,35,0,0,0,0,0,0,0,0,0,0,0,0,248,254,116,0,0,0,0,0,0,0,0,0,217,254,254,46,0,0,0,0,0,0,0,0,0,0,0,50,250,254,116,0,0,0,0,0,0,0,0,0,165,254,254,46,0,0,0,0,0,0,0,0,0,0,6,160,254,250,102,0,0,0,0,0,0,0,0,0,63,254,254,46,0,0,0,0,0,0,0,0,0,0,47,254,254,216,0,0,0,0,0,0,0,0,0,0,63,254,254,46,0,0,0,0,0,0,0,0,0,0,47,254,254,74,0,0,0,0,0,0,0,0,0,0,204,254,254,46,0,0,0,0,0,0,0,0,0,0,155,254,254,173,24,24,24,24,165,164,24,66,178,178,243,254,254,46,0,0,0,0,0,0,0,0,0,0,127,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,46,0,0,0,0,0,0,0,0,0,0,6,30,181,185,185,185,227,221,254,248,185,185,185,217,254,254,158,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,44,84,77,0,0,0,117,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,121,200,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,42,152,229,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,37,94,152,243,254,245,193,215,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,223,254,255,234,167,83,33,55,239,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,194,192,82,19,0,0,0,177,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,229,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,167,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,218,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,167,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,248,244,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,250,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,246,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,155,254,254,254,254,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,89,154,253,253,244,241,241,251,253,114,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,174,235,213,111,33,0,0,124,250,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,226,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,220,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,182,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,196,94,27,0,26,219,253,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,232,193,202,253,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,244,253,183,220,253,253,253,253,206,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,140,89,217,253,253,253,253,247,129,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,102,253,251,250,253,224,42,12,51,176,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,211,168,129,37,0,0,0,2,112,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,191,129,253,255,253,253,170,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,252,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,253,252,252,252,253,252,252,252,253,190,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,120,252,253,252,252,252,253,252,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,253,252,252,252,253,179,21,205,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,1,73,227,252,252,253,252,252,252,180,128,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,6,120,252,252,252,252,253,220,112,71,0,0,0,144,253,252,221,16,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,191,15,0,0,0,0,0,144,253,252,252,108,0,0,0,0,0,0,0,0,0,32,212,253,253,253,253,191,0,0,0,0,0,0,37,253,255,253,237,62,0,0,0,0,0,0,0,0,0,73,252,252,252,252,220,15,0,0,0,0,0,21,181,252,253,252,215,0,0,0,0,0,0,0,0,0,0,176,252,252,252,241,102,0,0,0,0,0,37,181,252,252,253,241,102,0,0,0,0,0,0,0,0,0,63,237,252,252,252,97,0,0,0,0,0,0,253,252,252,252,253,97,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,35,0,0,0,0,99,253,255,253,253,253,145,20,0,0,0,0,0,0,0,0,0,0,128,252,252,252,158,5,0,0,32,115,242,252,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,31,227,252,252,221,25,0,0,47,232,252,252,253,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,35,0,84,191,252,252,252,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,253,253,253,253,255,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,221,252,252,252,252,253,252,241,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,252,252,253,220,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,108,108,190,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,240,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,181,253,253,254,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,119,58,223,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,250,149,16,0,37,164,238,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,185,0,0,0,0,22,246,234,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,250,65,0,0,0,24,202,253,210,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,141,0,4,108,123,204,253,253,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,201,64,185,253,254,253,253,234,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,237,253,253,253,253,255,233,85,169,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,192,58,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,111,77,0,0,0,0,244,255,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,207,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,247,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,193,254,253,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,252,253,252,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,254,233,142,61,0,0,21,223,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,233,50,0,0,0,0,0,203,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,233,0,0,0,0,0,0,0,203,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,172,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,252,123,0,0,0,0,0,21,223,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,91,0,0,31,132,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,203,203,233,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,254,233,142,61,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,30,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,254,183,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,253,253,253,240,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,130,217,254,253,253,253,253,243,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,246,253,253,254,253,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,253,254,191,169,135,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,223,170,74,74,74,13,11,214,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,225,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,209,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,105,106,106,87,0,0,211,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,206,253,253,253,245,86,123,246,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,206,253,253,253,253,253,201,254,253,252,167,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,239,197,253,253,253,254,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,91,56,245,253,253,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,113,219,253,253,253,255,253,196,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,253,253,253,254,253,253,197,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,221,136,103,201,253,253,253,249,240,160,5,0,0,0,0,0,0,0,0,0,0,0,0,39,129,248,248,208,46,0,0,25,193,253,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,0,0,0,0,0,25,104,174,253,253,173,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,17,17,94,126,181,209,247,180,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,199,254,254,254,254,254,254,229,239,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,236,173,139,86,56,0,81,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,220,115,22,0,0,0,0,3,157,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,199,21,0,0,0,0,0,0,102,254,183,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,5,221,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,210,253,223,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,162,247,254,255,223,86,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,110,240,254,254,254,238,237,244,254,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,254,254,249,184,73,4,0,26,215,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,237,254,254,214,59,0,0,0,0,0,33,245,246,59,0,8,103,129,0,0,0,0,0,0,0,0,0,239,254,223,112,10,0,0,0,0,0,0,0,123,254,246,205,216,161,19,0,0,0,0,0,0,0,0,0,97,91,11,0,0,0,0,0,0,0,0,0,25,186,228,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,102,254,214,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,232,247,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,67,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,39,81,205,228,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,77,44,146,185,221,254,254,254,254,226,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,57,201,254,241,254,254,254,253,253,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,254,254,254,239,202,79,84,137,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,115,238,254,254,254,249,149,41,0,55,51,102,254,142,2,0,0,0,0,0,0,0,0,0,0,0,0,153,244,254,254,252,160,80,0,0,215,246,203,8,27,5,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,248,79,0,21,55,112,249,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,201,88,125,221,233,254,254,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,254,254,254,248,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,254,254,254,254,254,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,134,254,254,254,254,254,254,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,16,20,125,125,25,168,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,224,254,254,240,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,194,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,255,254,221,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,254,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,238,254,239,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,192,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,216,12,0,0,0,0,0,0,0,0,0,16,34,9,0,0,0,0,0,0,0,0,0,0,0,0,16,227,253,22,0,0,0,0,0,0,0,0,139,214,242,78,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,22,0,0,0,0,0,0,0,137,244,205,79,19,0,0,0,0,0,0,0,0,0,0,0,9,192,253,158,1,0,0,0,0,0,0,22,250,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,217,19,0,0,0,0,0,0,0,23,253,234,17,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,112,0,0,0,0,0,0,0,0,110,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,180,8,0,0,0,0,0,0,0,0,137,253,165,0,0,0,0,0,0,0,0,0,0,0,0,21,224,253,121,0,0,0,0,0,0,0,31,45,245,253,165,0,0,0,0,0,0,0,0,0,0,0,0,9,197,253,161,27,0,0,48,78,127,189,234,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,232,221,221,241,253,253,254,253,161,249,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,239,254,254,254,234,187,111,97,0,0,244,255,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,77,77,77,30,0,0,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,128,128,128,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,128,128,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,133,133,156,156,226,209,168,127,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,244,191,147,147,147,147,219,235,122,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,106,31,0,0,0,0,0,0,57,245,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,242,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,215,254,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,254,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,204,254,227,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,225,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,205,71,0,0,0,0,0,0,0,0,5,61,104,0,0,0,0,0,0,0,0,0,0,0,0,0,1,96,220,252,167,148,148,148,168,196,148,170,197,144,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,80,114,178,200,155,200,155,155,89,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,50,170,254,255,220,108,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,241,253,249,254,254,254,254,254,250,172,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,187,69,26,26,26,86,139,249,180,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,41,3,0,0,0,0,0,0,157,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,217,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,144,251,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,250,219,254,254,213,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,194,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,209,144,148,236,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,251,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,246,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,213,254,243,39,0,0,0,0,0,0,0,0,0,0,0,0,11,9,0,0,0,0,0,0,0,0,72,217,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,95,199,9,0,0,0,0,0,34,147,244,254,254,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,207,82,89,117,117,195,245,254,254,207,83,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,249,254,254,254,254,254,254,252,165,94,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,62,164,196,164,164,164,148,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,29,29,29,19,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,57,107,170,169,234,252,253,252,224,206,170,94,13,0,0,0,0,0,0,0,0,0,0,0,0,0,198,234,252,252,253,252,252,252,253,252,252,252,253,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,151,140,65,28,28,28,28,28,28,153,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,114,38,0,0,0,0,0,0,0,0,0,13,204,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,234,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,255,253,216,141,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,233,196,134,84,171,221,244,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,142,37,0,0,0,0,25,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,215,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,169,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,150,38,0,0,0,0,0,0,0,0,0,0,94,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,169,94,0,0,0,0,0,0,0,0,0,0,32,228,252,0,0,0,0,0,0,0,0,0,0,0,0,0,169,168,0,0,0,0,0,0,0,0,0,0,107,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,203,29,29,19,0,0,0,10,29,92,216,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,56,190,252,253,252,224,169,169,169,197,252,253,252,233,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,106,168,224,252,252,253,252,252,252,206,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,28,28,28,28,28,28,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,18,131,202,254,255,254,210,29,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,253,253,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,142,238,253,202,133,82,82,118,220,253,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,152,86,65,3,0,0,0,0,24,203,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,249,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,11,78,165,195,195,195,129,29,0,0,29,210,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,253,253,253,253,253,253,228,185,22,139,253,249,67,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,230,141,100,23,138,253,253,253,236,250,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,85,0,0,0,1,16,144,253,253,253,253,75,5,0,0,0,0,0,0,0,0,0,0,0,0,0,255,233,35,0,0,0,0,0,56,253,253,253,253,253,192,66,0,0,0,0,0,0,0,0,0,0,0,0,254,218,0,0,0,0,0,94,221,253,239,206,206,252,253,237,166,128,29,0,0,0,0,0,0,0,0,0,254,244,90,0,0,0,121,223,253,238,76,0,0,75,196,253,253,253,226,98,0,0,0,0,0,0,0,0,160,253,242,113,84,188,251,253,240,76,0,0,0,0,7,75,170,170,170,91,0,0,0,0,0,0,0,0,83,214,253,253,253,253,253,197,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,160,253,253,253,137,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,194,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,212,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,251,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,176,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,159,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,251,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,211,138,76,24,7,0,0,0,0,0,0,0,13,24,24,5,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,186,161,161,162,88,78,161,161,212,252,252,45,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,252,252,221,247,215,183,183,183,222,252,252,45,0,0,0,0,0,0,0,0,0,0,47,252,252,252,192,45,45,45,25,42,21,0,0,0,86,252,252,45,0,0,0,0,0,0,0,0,0,0,47,252,252,252,11,0,0,0,0,0,0,0,0,0,138,252,221,25,0,0,0,0,0,0,0,0,0,0,47,253,253,253,0,0,0,0,0,0,0,0,0,64,255,249,63,0,0,0,0,0,0,0,0,0,0,0,47,252,252,178,0,0,0,0,0,0,0,0,0,189,253,206,0,0,0,0,0,0,0,0,0,0,0,0,34,183,183,48,0,0,0,0,0,0,0,0,26,236,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,185,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,194,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,211,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,181,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,240,252,252,253,155,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,252,253,252,187,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,240,140,141,241,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,252,252,176,0,0,100,252,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,227,253,252,239,65,0,0,19,165,233,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,252,253,252,102,0,0,0,0,0,153,252,253,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,55,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,168,0,0,0,0,0,0,29,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,215,33,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,22,227,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,4,153,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,255,90,0,0,0,0,0,89,207,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,0,72,252,252,253,243,193,85,85,85,210,246,252,252,215,33,0,0,0,0,0,0,0,0,0,0,0,0,0,13,155,252,253,252,252,252,252,253,252,252,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,237,252,252,252,252,253,252,230,208,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,112,221,252,252,190,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,13,133,132,132,156,167,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,128,191,252,253,252,237,228,245,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,252,235,211,96,37,7,191,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,236,101,84,44,0,0,7,145,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,129,48,0,0,0,0,0,66,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,184,252,235,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,186,252,164,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,219,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,132,132,132,190,255,172,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,228,228,228,238,252,253,252,252,180,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,127,252,217,216,198,96,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,234,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,243,220,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,215,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,162,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,245,158,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,186,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,89,0,0,0,0,0,9,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,33,0,0,0,0,6,186,250,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,33,0,0,0,0,81,232,50,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,33,0,0,0,7,229,59,34,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,33,0,0,0,46,137,0,44,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,33,0,0,0,153,38,5,159,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,33,0,0,0,153,74,70,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,123,0,0,0,44,219,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,44,0,0,27,216,211,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,245,161,156,245,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,178,254,254,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,175,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,102,0,0,0,0,0,0,0,0,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,147,162,0,0,0,0,0,0,0,0,59,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,2,68,243,56,0,0,0,0,0,0,0,49,250,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,252,125,0,0,0,0,0,0,0,26,199,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,158,0,0,0,0,0,0,0,0,108,248,35,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,201,15,0,0,0,0,0,0,0,27,241,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,247,54,0,0,0,0,0,0,0,0,98,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,238,0,0,0,0,0,0,0,0,27,223,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,238,0,0,0,0,0,0,0,9,142,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,177,252,179,130,130,130,130,157,145,194,227,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,153,241,233,204,204,192,107,121,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,19,0,0,0,23,197,227,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,177,230,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,239,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,183,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,246,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,193,231,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,199,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,120,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,232,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,224,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,224,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,43,148,227,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,190,190,232,252,253,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,245,231,160,126,21,21,145,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,56,0,0,0,0,57,246,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,171,253,201,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,190,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,185,232,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,255,253,147,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,168,71,63,63,183,252,252,237,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,100,180,252,252,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,0,0,0,0,0,0,0,7,170,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,89,0,0,0,0,0,0,0,11,218,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,237,69,4,0,0,0,0,0,0,124,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,135,0,0,0,0,0,48,242,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,247,251,206,127,22,22,84,237,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,212,252,252,253,252,252,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,68,147,253,252,252,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,185,229,88,39,76,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,140,254,254,254,240,254,182,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,254,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,217,254,254,241,114,95,215,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,249,227,242,88,0,0,35,160,242,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,129,79,2,0,0,0,121,254,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,249,19,0,0,0,0,51,220,235,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,220,253,147,47,22,62,104,214,254,167,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,254,254,251,245,254,254,254,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,246,254,254,254,254,254,195,177,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,132,254,252,132,72,2,19,236,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,254,193,0,0,0,0,221,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,226,44,0,0,0,0,173,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,62,0,0,0,0,0,30,251,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,221,2,0,0,0,0,0,47,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,226,8,0,0,0,0,0,69,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,170,26,0,0,0,0,180,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,253,183,119,225,251,254,241,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,246,254,255,255,254,254,255,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,128,178,220,204,178,69,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,101,150,199,254,255,254,214,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,253,253,253,253,253,253,253,244,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,243,174,149,117,253,253,213,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,232,200,48,0,0,6,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,18,0,0,0,16,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,253,253,66,63,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,12,187,253,253,253,253,253,215,213,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,184,253,253,253,253,253,253,253,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,253,253,253,174,96,51,51,83,70,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,253,253,253,253,143,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,157,227,253,253,250,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,239,253,243,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,41,0,0,0,96,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,41,0,0,53,235,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,254,19,0,0,140,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,216,10,0,96,247,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,107,0,0,224,247,161,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,250,66,0,143,254,91,79,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,233,0,68,239,171,9,79,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,234,19,239,231,38,0,102,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,242,196,253,111,0,0,175,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,210,40,0,0,175,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,195,16,0,0,0,175,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,58,18,0,0,0,0,175,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,121,184,253,253,253,253,253,161,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,241,252,252,253,252,252,252,252,252,252,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,244,252,252,252,253,252,252,252,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,26,116,242,252,252,252,252,253,252,252,184,172,172,172,153,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,252,252,252,123,53,53,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,187,252,252,252,246,122,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,252,245,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,214,14,14,14,14,14,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,252,252,252,252,253,252,208,133,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,255,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,158,252,252,252,252,252,252,253,252,252,252,252,249,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,61,158,173,252,252,252,253,252,252,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,39,39,39,253,252,252,252,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,200,102,67,67,144,200,253,252,252,252,252,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,49,187,252,252,252,252,252,252,253,252,252,252,238,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,252,252,252,252,253,252,252,218,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,252,252,252,252,253,226,176,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,252,252,250,238,231,106,107,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,252,224,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,131,253,254,254,254,254,118,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,83,228,253,253,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,226,253,253,253,201,188,188,232,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,253,253,201,75,7,0,0,56,240,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,253,157,19,0,0,0,0,70,177,174,150,0,0,0,0,0,0,0,0,0,0,0,0,0,34,227,253,253,159,17,0,0,0,0,0,7,139,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,126,19,0,0,0,0,0,0,51,246,253,218,0,0,0,0,0,0,0,0,0,0,0,0,65,249,253,196,11,0,0,0,0,0,0,0,164,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,111,253,246,50,0,0,0,0,0,0,0,81,201,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,110,253,233,0,0,0,0,0,0,0,32,222,253,253,175,1,0,0,0,0,0,0,0,0,0,0,0,0,110,253,233,0,0,0,0,0,3,128,235,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,246,130,100,60,60,136,215,253,253,253,253,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,65,248,253,253,253,253,253,253,253,253,242,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,253,253,253,227,164,83,60,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,98,128,128,114,19,0,0,148,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,189,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,216,253,226,22,67,188,234,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,253,253,253,203,253,254,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,107,253,253,254,222,117,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,187,144,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,105,245,253,253,255,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,224,252,252,252,253,252,252,252,252,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,140,237,237,238,237,237,244,252,252,126,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,237,252,252,132,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,216,252,252,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,192,255,253,247,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,182,252,253,237,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,15,187,252,252,253,183,0,0,0,0,0,0,12,15,0,0,0,0,0,0,0,0,0,0,0,0,36,135,252,252,252,252,204,23,0,0,0,0,0,43,221,252,0,0,0,0,0,0,0,0,0,0,49,145,232,252,252,252,252,207,17,0,0,0,23,93,223,233,252,252,0,0,0,0,0,0,0,0,179,178,226,252,252,252,252,223,108,30,0,8,39,178,200,252,252,241,195,74,0,0,0,0,0,0,0,0,174,252,252,252,252,252,252,140,134,134,134,162,252,252,252,252,252,162,0,0,0,0,0,0,0,0,0,0,6,158,252,252,252,252,252,252,252,252,253,252,252,252,252,241,162,17,0,0,0,0,0,0,0,0,0,0,0,50,207,228,252,252,252,252,252,252,253,252,222,207,163,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,103,208,252,252,252,252,191,103,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,67,25,10,42,95,126,160,192,163,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,39,79,226,254,237,230,243,254,254,254,254,217,192,0,0,0,0,0,0,0,0,0,0,0,0,0,79,243,148,111,252,254,254,254,253,247,192,143,56,2,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,254,169,0,152,109,85,85,81,25,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,178,254,236,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,254,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,167,123,123,88,123,123,158,74,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,254,254,254,254,254,254,254,254,254,254,210,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,95,95,182,188,123,95,84,71,95,143,240,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,28,0,0,0,0,0,0,0,0,88,250,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,228,14,0,0,0,0,0,0,104,231,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,231,76,64,0,19,86,155,255,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,252,251,245,247,254,254,254,154,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,150,254,254,254,254,254,254,232,73,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,94,159,166,187,159,79,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,227,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,248,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,216,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,216,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,220,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,153,213,172,134,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,254,254,254,175,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,246,130,93,51,179,255,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,192,0,0,0,119,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,224,21,0,11,200,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,254,71,0,100,254,193,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,237,38,215,235,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,134,254,254,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,180,254,214,254,208,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,232,3,187,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,109,0,65,253,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,41,0,0,139,254,240,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,41,0,0,42,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,41,0,0,5,199,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,41,0,0,29,235,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,180,51,52,137,254,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,254,254,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,135,254,254,237,115,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,39,97,147,237,242,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,77,86,231,254,254,254,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,230,254,254,254,254,254,254,254,254,246,33,0,0,0,0,0,0,0,0,0,0,0,8,79,152,152,231,254,254,254,254,254,254,231,241,254,254,254,56,0,0,0,0,0,0,0,0,0,0,37,157,254,254,254,254,254,254,254,178,147,65,30,93,254,254,254,146,0,0,0,0,0,0,0,0,0,41,227,254,254,254,254,254,242,112,27,2,0,0,13,201,254,254,251,94,0,0,0,0,0,0,0,0,24,228,254,254,254,254,254,217,59,0,0,0,0,0,116,254,254,254,117,0,0,0,0,0,0,0,0,0,76,254,254,254,254,214,101,14,0,0,0,0,0,34,248,254,254,243,50,0,0,0,0,0,0,0,0,0,147,254,254,252,123,11,0,0,0,0,0,0,4,154,254,254,254,123,0,0,0,0,0,0,0,0,0,0,70,240,254,141,0,0,0,0,0,0,0,0,129,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,39,100,22,0,0,0,0,0,0,0,104,236,254,254,254,133,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,241,254,254,254,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,84,236,254,254,254,236,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,136,241,254,254,254,254,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,254,254,255,254,254,139,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,254,254,254,201,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,248,182,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,250,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,166,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,148,148,148,174,209,148,69,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,242,253,252,252,252,252,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,253,245,231,237,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,252,84,56,0,21,225,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,0,0,0,27,228,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,105,253,253,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,237,252,252,252,204,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,180,127,30,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,252,252,252,253,252,252,196,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,147,200,252,252,253,252,252,252,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,185,250,253,253,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,224,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,253,246,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,212,97,0,108,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,139,253,230,131,110,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,112,164,247,252,252,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,252,252,253,252,252,252,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,239,252,252,253,252,221,162,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,252,252,147,147,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,163,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,171,0,0,0,0,0,0,41,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,255,213,52,10,0,0,21,21,214,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,130,253,252,253,212,183,183,203,162,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,41,0,0,0,0,173,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,193,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,213,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,241,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,208,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,212,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,228,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,239,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,255,254,187,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,239,253,253,253,253,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,245,179,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,247,253,186,55,2,155,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,204,253,253,68,0,0,40,82,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,136,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,98,251,253,253,208,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,209,253,253,208,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,218,253,253,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,192,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,195,244,253,206,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,63,63,196,218,253,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,189,253,253,253,253,242,186,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,244,184,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,253,106,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,252,252,252,253,241,208,208,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,86,252,252,252,252,252,253,252,252,252,42,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,252,252,253,252,252,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,212,248,207,252,222,239,247,212,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,133,71,30,74,44,61,69,35,231,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,140,134,55,0,0,0,0,144,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,241,252,252,252,252,244,178,69,0,0,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,239,252,252,252,252,253,238,185,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,252,252,253,252,252,203,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,210,255,253,253,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,193,206,252,252,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,194,252,252,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,5,75,75,75,75,4,58,31,45,0,60,252,252,252,236,12,0,0,0,0,0,0,0,0,0,0,0,43,183,252,252,252,252,182,235,208,223,178,226,252,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,28,126,252,252,252,252,252,252,252,253,252,252,252,252,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,1,127,252,252,252,252,252,252,253,252,252,252,252,252,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,28,59,164,207,249,252,252,253,252,252,252,212,189,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,217,252,104,103,103,103,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,230,59,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,123,49,163,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,162,96,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,246,254,162,19,240,254,244,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,254,254,128,0,88,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,192,254,238,66,6,0,7,160,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,21,0,0,0,0,99,254,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,212,254,187,5,0,0,0,0,23,247,254,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,248,251,111,0,0,0,0,0,0,138,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,10,204,215,205,0,0,0,0,0,0,0,28,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,251,85,0,0,0,0,0,0,0,28,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,234,0,0,0,0,0,0,0,0,28,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,4,220,254,135,0,0,0,0,0,0,0,0,53,254,186,2,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,135,0,0,0,0,0,0,0,0,136,254,235,4,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,239,0,0,0,0,0,0,0,0,241,254,143,1,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,251,95,0,0,0,0,0,0,96,251,255,43,0,0,0,0,0,0,0,0,0,0,0,0,0,1,169,254,254,246,212,62,45,0,54,175,247,254,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,254,254,254,245,213,250,252,254,254,225,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,206,254,254,254,254,254,254,254,227,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,146,146,246,208,254,254,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,49,133,246,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,135,254,254,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,150,254,254,248,195,137,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,119,145,201,254,251,177,33,57,80,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,244,136,0,0,177,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,251,89,0,0,78,248,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,152,0,0,0,148,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,250,61,0,0,79,248,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,153,0,0,35,219,254,254,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,243,254,69,0,7,178,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,60,87,205,254,254,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,230,254,254,245,89,227,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,182,254,254,254,214,68,0,222,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,113,73,15,0,0,222,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,230,240,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,251,170,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,139,188,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,252,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,179,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,230,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,252,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,247,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,250,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,252,252,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,161,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,244,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,240,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,208,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,155,0,0,0,0,89,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,100,0,0,0,18,230,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,242,27,0,0,0,31,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,137,0,0,0,0,78,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,224,14,0,0,0,0,132,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,197,0,0,0,0,45,246,232,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,155,0,0,7,66,231,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,189,28,30,160,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,243,247,248,210,232,240,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,126,228,228,212,89,31,243,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,161,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,195,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,16,117,191,192,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,215,252,252,253,234,131,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,246,253,252,252,252,253,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,188,246,252,253,252,252,252,253,252,252,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,253,253,253,239,200,25,0,0,101,247,253,229,10,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,252,233,145,38,0,0,0,0,0,153,246,253,159,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,233,62,0,0,0,0,0,0,0,0,50,216,215,19,0,0,0,0,0,0,0,0,0,0,0,197,252,241,59,0,0,0,0,0,0,0,0,0,0,141,252,56,0,0,0,0,0,0,0,0,0,0,70,253,253,101,0,0,0,0,0,0,0,0,0,0,0,79,247,62,0,0,0,0,0,0,0,0,0,19,225,252,227,0,0,0,0,0,0,0,0,0,0,0,0,29,234,75,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,29,252,56,0,0,0,0,0,0,0,0,0,29,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,29,252,56,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,13,204,209,25,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,19,194,234,28,0,0,0,0,0,0,0,0,0,0,29,252,252,116,0,0,0,0,0,0,0,0,0,19,191,252,187,0,0,0,0,0,0,0,0,0,0,0,4,128,252,190,0,0,0,0,0,0,0,0,126,231,252,151,13,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,242,116,29,29,29,29,117,191,255,253,56,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,253,252,252,252,253,252,252,252,247,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,178,252,252,252,253,252,252,214,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,28,153,252,241,115,28,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,132,32,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,212,187,153,141,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,179,13,0,101,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,226,0,0,0,164,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,255,138,3,3,114,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,175,239,206,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,117,29,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,216,158,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,168,235,253,254,216,110,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,78,254,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,245,254,204,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,210,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,216,253,158,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,244,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,247,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,225,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,253,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,198,198,247,254,234,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,69,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,28,0,0,0,0,0,0,50,121,221,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,166,242,212,127,84,127,127,197,188,245,252,252,247,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,180,189,242,253,252,252,252,252,253,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,147,147,235,217,252,253,182,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,239,253,212,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,242,232,208,191,111,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,221,252,252,252,253,252,251,161,127,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,252,253,231,215,231,252,253,224,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,147,50,42,42,42,28,18,28,218,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,225,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,29,0,0,0,0,0,0,0,168,255,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,196,7,0,36,0,0,43,112,242,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,234,232,241,233,232,242,252,252,161,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,231,221,252,252,216,215,189,189,101,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,63,161,42,42,18,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,230,197,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,102,0,0,0,0,0,0,0,48,128,183,96,20,0,0,0,0,0,0,0,0,0,0,0,0,222,254,242,30,0,0,0,0,0,49,215,251,254,254,255,206,0,0,0,0,0,0,0,0,0,0,0,53,249,254,153,0,0,0,0,0,30,229,254,254,246,199,245,254,150,13,0,0,0,0,0,0,0,0,0,63,254,254,101,0,0,0,0,27,216,254,254,162,45,0,68,254,254,29,0,0,0,0,0,0,0,0,0,82,254,254,46,0,0,0,11,180,254,254,127,1,0,0,32,244,254,47,0,0,0,0,0,0,0,0,0,159,254,254,4,0,0,0,62,254,254,237,16,0,0,0,0,198,254,192,0,0,0,0,0,0,0,0,0,130,254,254,4,0,0,0,116,254,254,115,0,0,0,0,0,198,254,52,43,0,0,0,0,0,0,0,0,100,254,254,94,0,0,0,168,254,246,40,0,0,0,0,22,229,254,209,5,0,0,0,0,0,0,0,0,13,228,254,101,0,0,0,212,254,206,0,0,0,0,0,39,254,254,217,0,0,0,0,0,0,0,0,0,0,222,254,164,0,0,0,212,254,179,0,0,0,0,0,130,254,254,61,0,0,0,0,0,0,0,0,0,0,156,254,249,49,0,0,125,255,168,22,0,0,2,94,252,254,154,14,0,0,0,0,0,0,0,0,0,0,18,228,254,173,2,0,41,254,254,218,0,3,88,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,68,226,254,156,68,75,226,254,249,164,214,254,254,219,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,254,255,255,255,255,254,254,255,237,98,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,158,158,202,254,254,176,158,106,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,240,247,252,253,252,247,240,240,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,252,253,252,252,252,252,246,226,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,240,252,252,252,253,252,252,252,252,252,252,248,202,0,0,0,0,0,0,0,0,0,0,0,0,0,158,238,252,252,252,252,253,252,252,252,252,252,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,252,252,164,66,134,252,252,252,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,146,236,252,252,252,252,160,42,0,30,79,125,252,252,252,248,173,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,252,159,44,0,0,0,0,67,252,252,252,252,252,0,0,0,0,0,0,0,0,0,0,132,236,252,252,252,252,106,0,0,0,0,0,67,252,252,252,252,252,0,0,0,0,0,0,0,0,0,0,226,252,252,252,252,167,50,0,0,0,0,0,67,252,252,252,245,119,0,0,0,0,0,0,0,0,0,115,240,253,253,253,171,49,0,0,0,0,0,0,68,253,253,253,240,0,0,0,0,0,0,0,0,0,108,245,252,252,252,252,79,0,0,0,0,0,0,34,145,252,252,252,238,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,79,0,0,0,0,0,35,143,252,252,252,252,238,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,79,0,0,0,0,34,143,252,252,252,252,243,163,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,125,67,67,67,68,145,252,252,252,252,241,165,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,252,252,253,252,252,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,213,212,248,252,252,252,252,252,252,252,253,252,252,252,252,243,178,0,0,0,0,0,0,0,0,0,0,0,0,0,202,248,252,252,252,252,252,252,253,252,252,243,225,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,238,238,248,252,252,252,253,246,238,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,192,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,248,38,0,0,0,0,0,16,189,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,201,0,0,0,0,0,0,107,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,199,107,0,0,0,0,0,0,164,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,97,0,0,0,0,0,5,207,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,9,0,0,0,0,0,77,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,171,1,0,0,0,0,0,196,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,88,0,0,0,0,0,43,244,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,72,0,0,0,16,88,230,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,144,144,175,244,218,254,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,240,245,240,209,126,24,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,0,0,0,81,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,208,241,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,245,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,234,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,13,134,203,255,231,105,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,128,192,253,254,239,229,229,235,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,235,253,220,102,97,41,0,0,23,130,214,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,165,8,0,0,0,0,0,64,170,238,156,0,0,0,0,0,0,0,0,0,0,0,0,0,35,199,253,192,10,0,0,0,0,0,35,233,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,163,40,0,0,0,0,0,11,165,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,253,60,0,0,0,0,0,9,167,253,253,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,60,0,0,0,0,5,113,253,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,60,0,0,0,53,174,243,212,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,253,210,81,0,162,248,249,74,203,207,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,251,254,254,254,254,191,59,25,255,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,201,229,229,177,57,0,95,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,243,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,196,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,73,170,169,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,73,157,211,252,245,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,73,157,252,246,224,147,75,157,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,4,71,116,131,210,254,223,115,37,0,0,5,211,205,8,0,0,0,0,0,0,0,0,0,0,0,0,3,141,254,254,232,167,83,3,0,0,0,0,73,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,8,183,167,83,20,0,0,0,0,0,0,0,184,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,210,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,208,254,214,238,238,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,135,167,247,254,254,214,155,90,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,180,254,255,249,247,254,254,119,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,192,108,74,26,46,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,207,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,250,195,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,246,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,28,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,132,132,222,181,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,198,198,198,204,253,253,253,253,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,128,253,253,253,253,253,253,253,253,253,202,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,253,168,112,112,112,112,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,223,46,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,216,253,253,46,29,85,85,85,85,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,204,253,253,253,169,185,253,253,253,253,237,151,151,123,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,249,224,242,253,253,253,246,132,29,22,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,175,158,158,140,0,101,158,158,222,253,253,253,196,0,0,0,0,0,0,0,0,0,0,255,253,247,93,93,17,0,0,0,0,0,0,0,63,93,164,253,232,83,0,0,0,0,0,0,0,0,0,27,27,26,0,0,0,0,0,0,0,0,0,0,0,0,97,242,253,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,250,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,253,253,0,0,0,0,0,0,0,0,0,0,0,15,21,0,0,0,0,0,0,0,0,0,0,22,48,246,253,253,0,0,0,0,0,0,0,0,0,0,89,155,112,0,0,0,0,0,0,0,0,0,106,175,253,253,253,253,0,0,0,0,0,0,0,0,0,0,198,253,211,179,120,0,21,179,179,179,179,179,248,253,253,253,253,120,0,0,0,0,0,0,0,0,0,0,156,253,253,253,250,245,246,253,253,253,253,253,253,227,196,154,8,2,0,0,0,0,0,0,0,0,0,0,5,130,199,253,253,253,253,253,253,143,130,130,130,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,65,65,65,65,65,65,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,184,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,243,221,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,222,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,244,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,193,67,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,79,155,222,246,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,48,169,211,254,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,213,189,123,90,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,215,94,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,233,254,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,243,254,116,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,254,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,97,254,167,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,226,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,251,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,232,0,0,0,0,0,0,0,0,0,32,154,205,205,205,92,2,0,0,0,0,0,0,0,0,0,134,254,72,0,0,0,0,0,0,0,0,57,223,254,254,254,254,254,55,0,0,0,0,0,0,0,0,0,210,254,35,0,0,0,0,0,0,1,103,248,250,190,108,40,122,254,55,0,0,0,0,0,0,0,0,16,223,254,35,0,0,0,0,0,0,6,254,250,95,0,0,24,233,254,55,0,0,0,0,0,0,0,0,29,233,254,35,0,0,0,0,0,0,94,254,102,0,0,8,97,254,195,7,0,0,0,0,0,0,0,0,0,210,254,106,0,0,0,0,0,0,106,254,103,0,40,174,254,226,7,0,0,0,0,0,0,0,0,0,0,118,254,230,11,0,0,0,0,0,52,228,253,235,245,254,194,13,0,0,0,0,0,0,0,0,0,0,0,111,254,254,181,45,0,0,0,18,131,205,254,254,210,94,5,0,0,0,0,0,0,0,0,0,0,0,0,4,112,254,254,250,245,245,245,247,254,226,125,43,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,63,154,154,227,199,154,134,55,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,121,164,204,251,251,251,251,251,251,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,235,254,254,254,254,254,254,254,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,253,254,254,245,185,118,33,100,231,254,255,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,237,254,254,158,31,0,7,110,250,254,254,119,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,246,254,43,0,28,198,254,254,254,118,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,57,79,34,5,88,223,254,254,251,102,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,229,166,249,254,254,178,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,223,254,254,254,254,249,130,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,165,250,254,254,254,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,212,254,254,254,151,234,254,249,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,228,254,254,254,137,8,172,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,254,254,231,76,8,14,197,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,254,254,164,6,0,36,212,254,254,197,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,254,254,170,16,96,151,246,254,254,187,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,254,254,214,226,254,254,254,243,156,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,254,254,254,254,252,254,200,114,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,190,250,227,163,66,70,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,155,214,255,231,149,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,143,251,246,224,143,167,252,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,201,253,176,21,0,0,0,150,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,205,8,0,0,0,0,123,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,233,22,0,0,0,0,0,214,233,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,223,0,0,0,0,0,0,105,51,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,234,86,5,0,0,36,86,91,184,246,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,117,213,238,240,239,245,253,253,253,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,60,99,99,60,224,253,234,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,219,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,235,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,237,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,250,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,255,140,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,251,248,143,118,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,245,253,253,253,253,253,253,250,241,241,221,112,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,164,181,253,253,253,253,253,253,253,242,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,244,253,89,8,62,155,206,155,155,170,253,243,204,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,168,0,0,0,17,0,0,5,32,29,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,240,215,215,182,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,213,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,244,253,231,181,237,253,123,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,78,40,0,79,237,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,180,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,241,240,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,97,13,0,0,0,0,0,5,114,222,250,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,211,30,14,14,14,115,169,253,251,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,253,253,253,253,253,248,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,237,253,253,253,253,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,255,254,215,159,194,152,66,66,59,0,0,0,0,0,0,0,0,0,0,0,0,0,7,108,12,51,249,253,254,253,253,253,253,253,253,253,217,132,0,0,0,0,0,0,0,0,0,0,0,0,90,253,182,16,182,253,254,251,243,243,226,184,149,128,9,21,0,0,0,0,0,0,0,0,0,0,0,51,247,253,253,9,10,84,85,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,253,249,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,249,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,188,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,188,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,239,254,166,118,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,226,253,253,243,148,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,74,149,149,249,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,172,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,216,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,217,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,106,242,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,150,150,150,150,227,250,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,134,246,253,253,253,253,190,179,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,128,193,159,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,154,253,179,54,178,253,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,169,169,253,252,252,252,253,252,252,252,253,234,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,177,216,196,168,243,253,252,196,10,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,128,128,28,28,3,16,9,0,25,153,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,243,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,255,253,253,203,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,131,169,243,253,252,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,185,229,252,252,252,253,252,252,252,206,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,252,252,253,227,103,28,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,255,253,253,253,226,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,197,208,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,90,152,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,171,253,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,73,197,242,252,253,252,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,58,221,253,252,252,252,253,252,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,155,252,252,253,252,252,252,253,252,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,252,252,252,253,252,252,252,253,252,252,252,206,20,0,0,0,0,0,0,0,0,0,0,0,0,11,155,252,252,252,252,253,252,252,252,253,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,253,252,252,252,253,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,253,253,253,253,255,253,253,253,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,252,252,252,252,253,252,252,252,253,252,96,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,133,215,215,132,72,227,252,252,253,220,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,212,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,154,217,247,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,128,191,132,116,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,128,242,252,253,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,206,252,252,252,253,252,252,252,184,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,231,204,84,84,165,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,192,89,41,0,0,0,123,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,230,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,232,252,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,252,252,252,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,253,252,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,253,252,252,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,255,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,229,242,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,14,0,0,0,0,0,0,25,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,158,0,0,0,0,0,0,25,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,183,137,0,0,0,0,0,117,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,239,205,102,49,41,148,232,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,252,252,237,234,253,252,252,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,252,252,252,253,252,236,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,172,252,253,183,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,238,254,255,207,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,254,254,254,254,244,168,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,208,254,254,254,254,254,254,254,251,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,254,199,154,165,169,254,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,190,67,2,0,0,89,254,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,235,28,0,0,0,27,178,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,252,41,0,0,4,150,254,224,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,248,254,131,87,116,159,254,250,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,251,254,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,254,254,254,254,241,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,245,254,176,53,90,143,240,252,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,240,25,0,0,0,74,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,254,129,0,0,0,0,20,225,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,43,0,0,0,0,19,223,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,43,0,0,0,0,44,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,43,0,0,0,56,191,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,83,0,0,88,235,253,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,239,68,123,237,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,244,254,254,254,254,239,191,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,119,165,223,139,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,60,241,254,255,254,171,136,136,136,21,18,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,253,253,253,253,253,253,253,253,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,235,150,82,82,82,82,173,200,224,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,164,0,0,0,0,0,0,27,152,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,124,0,0,0,0,0,69,206,253,253,201,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,6,0,0,0,18,134,247,253,253,89,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,252,203,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,204,253,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,183,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,231,253,159,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,145,253,238,160,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,200,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,64,0,0,0,0,0,40,233,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,164,0,0,0,0,0,0,144,253,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,223,19,0,0,0,0,0,78,249,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,141,3,0,0,0,0,0,175,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,178,253,203,135,84,45,84,128,249,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,195,253,253,253,237,253,253,253,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,201,253,253,253,209,135,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,138,255,159,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,183,81,161,100,68,78,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,152,186,234,240,252,253,252,252,227,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,165,84,128,45,45,109,160,227,252,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,253,217,32,0,0,0,0,17,211,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,222,97,3,0,0,49,233,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,117,0,30,228,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,202,252,252,123,155,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,108,244,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,168,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,177,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,253,208,234,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,192,17,90,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,7,211,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,208,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,116,0,0,207,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,216,111,101,240,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,137,211,252,116,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,137,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,210,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,103,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,221,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,83,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,66,157,157,240,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,169,182,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,182,254,253,253,253,253,253,253,224,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,56,114,194,248,253,254,253,208,180,94,60,60,32,60,3,0,0,0,0,0,0,0,0,0,0,0,17,172,242,253,253,253,213,163,48,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,253,253,253,253,114,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,217,253,253,213,91,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,249,132,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,252,254,254,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,109,212,251,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,250,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,49,19,0,0,0,0,0,110,253,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,96,0,0,0,0,0,87,248,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,216,171,73,73,171,194,248,253,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,253,253,253,253,253,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,253,253,253,253,253,207,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,24,47,144,144,144,144,35,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,43,43,69,148,148,148,192,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,190,190,227,252,252,252,252,253,252,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,231,231,232,196,126,126,126,109,142,252,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,201,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,253,252,189,101,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,112,252,253,252,252,252,252,204,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,253,252,112,173,252,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,106,106,107,27,0,0,212,255,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,221,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,136,67,0,0,0,0,0,0,0,0,75,174,253,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,197,210,50,0,0,0,0,0,0,0,162,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,244,216,127,74,22,22,84,206,251,252,244,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,253,252,252,252,252,253,252,221,189,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,77,200,252,252,191,112,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,172,9,0,0,23,59,59,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,88,175,253,254,220,214,214,229,254,253,253,232,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,254,253,253,253,253,254,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,253,254,237,240,229,213,177,213,146,117,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,208,253,254,103,40,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,245,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,39,0,0,0,10,40,107,122,77,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,254,39,0,53,173,209,253,253,253,253,240,187,30,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,255,96,186,254,254,255,219,135,98,60,172,254,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,253,237,39,21,0,0,0,32,235,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,165,18,0,0,0,0,0,41,241,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,90,238,227,87,2,0,0,31,0,0,0,74,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,31,0,0,0,83,149,0,0,38,231,253,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,255,39,0,47,231,255,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,222,254,48,118,235,253,249,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,223,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,254,253,253,216,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,216,170,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,253,254,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,251,253,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,255,253,169,0,85,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,56,0,28,196,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,169,0,0,0,0,0,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,139,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,114,0,0,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,83,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,169,0,0,0,0,0,29,197,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,168,0,0,0,0,0,197,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,198,85,57,0,254,253,254,253,254,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,225,168,253,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,196,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,251,196,28,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,114,131,131,192,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,2,34,113,10,0,0,41,174,254,254,254,255,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,202,19,19,149,254,254,248,236,123,112,112,3,0,0,0,0,0,0,0,0,0,0,0,0,19,216,254,237,247,254,254,254,234,229,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,243,254,80,98,231,231,186,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,159,0,23,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,238,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,238,254,209,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,237,254,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,203,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,165,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,235,254,238,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,235,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,87,0,0,0,0,0,0,0,44,234,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,55,241,236,0,0,0,0,0,0,0,0,90,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,192,255,244,107,94,0,0,0,0,0,81,211,254,218,22,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,252,237,237,176,237,237,250,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,79,144,254,254,254,254,254,254,254,254,220,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,6,85,130,130,191,130,36,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,116,153,255,171,176,120,102,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,253,253,204,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,253,251,114,114,114,205,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,248,0,0,0,24,67,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,253,249,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,206,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,253,98,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,169,253,175,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,251,253,230,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,205,200,245,207,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,41,160,245,241,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,149,253,253,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,165,248,253,147,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,221,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,169,243,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,68,64,17,11,0,0,0,88,181,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,15,154,228,253,251,227,224,154,197,175,245,253,246,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,230,253,253,253,253,230,253,253,253,210,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,38,149,59,139,209,68,128,149,114,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,218,253,254,253,200,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,252,253,252,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,47,126,127,126,126,157,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,251,247,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,68,235,229,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,237,218,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,196,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,225,247,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,152,0,0,0,0,0,0,0,16,231,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,252,0,0,0,0,0,0,0,0,28,218,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,18,0,0,0,0,0,0,0,0,150,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,217,111,7,0,0,0,0,0,0,141,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,2,47,223,253,252,234,161,127,171,206,232,232,249,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,200,252,252,252,252,253,252,252,252,252,243,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,77,155,208,252,253,252,155,147,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,209,128,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,220,106,143,46,125,143,228,250,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,253,14,0,0,0,0,0,106,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,14,0,0,0,0,0,37,240,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,237,253,14,0,0,0,0,5,103,244,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,77,0,0,0,8,122,253,230,232,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,227,20,0,38,201,248,141,15,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,253,75,99,226,244,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,243,231,253,214,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,204,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,138,251,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,161,253,197,240,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,166,8,194,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,227,223,0,0,194,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,135,0,0,194,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,124,0,13,213,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,243,220,10,54,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,207,225,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,249,253,253,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,153,193,117,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,114,235,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,248,187,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,254,234,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,254,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,152,254,243,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,231,254,183,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,192,254,183,18,17,57,57,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,156,254,241,51,82,207,254,254,230,78,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,198,142,240,254,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,181,240,254,254,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,191,254,215,254,254,233,136,49,220,254,223,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,129,254,99,32,0,68,247,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,238,58,37,10,0,28,206,254,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,211,0,0,0,27,145,254,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,211,0,24,107,207,254,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,254,251,237,241,254,254,221,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,254,222,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,130,212,255,166,100,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,143,67,67,67,67,67,67,67,67,129,178,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,254,254,254,254,254,254,254,254,254,254,244,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,132,150,150,150,150,150,150,150,150,208,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,249,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,227,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,153,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,250,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,208,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,149,88,30,30,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,186,253,254,253,253,253,192,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,81,99,163,195,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,248,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,184,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,255,211,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,247,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,193,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,248,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,251,248,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,175,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,253,253,201,139,65,24,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,252,253,252,252,252,169,162,161,161,161,57,47,47,47,9,0,0,0,0,0,0,0,0,0,0,65,234,101,69,131,183,183,240,252,253,252,252,252,252,253,252,252,154,7,0,0,0,0,0,0,0,0,0,0,65,29,0,0,0,0,37,45,46,45,45,45,150,161,177,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,144,144,193,144,144,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,214,253,253,253,254,253,253,204,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,236,154,154,154,180,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,185,9,0,0,0,3,212,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,218,131,0,0,0,0,44,238,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,29,0,0,0,12,180,253,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,211,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,203,254,233,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,225,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,241,67,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,202,254,253,146,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,211,253,253,173,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,198,250,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,137,238,253,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,64,155,241,255,253,173,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,248,253,253,253,244,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,171,95,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,43,114,148,148,148,148,218,253,175,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,201,252,252,252,252,253,252,252,252,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,249,253,252,252,252,252,253,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,194,189,189,172,163,221,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,42,42,42,4,0,0,0,0,171,252,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,252,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,180,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,255,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,252,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,191,147,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,145,255,233,130,104,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,205,253,245,241,249,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,230,111,41,0,101,248,226,143,143,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,251,95,0,0,0,0,75,214,253,253,220,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,235,0,0,0,0,0,0,163,161,247,253,220,110,4,0,0,0,0,0,0,0,0,0,0,0,0,130,253,155,0,0,0,0,0,0,0,0,73,192,247,253,124,4,0,0,0,0,0,0,0,0,0,0,0,130,253,111,0,0,0,0,0,0,0,0,0,0,129,253,253,106,0,0,0,0,0,0,0,0,0,0,0,130,247,57,0,0,0,0,0,0,0,0,0,0,28,204,253,168,4,0,0,0,0,0,0,0,0,0,0,130,244,33,0,0,0,0,0,0,0,0,0,0,0,27,232,253,130,3,0,0,0,0,0,0,0,0,0,130,250,82,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,12,0,0,0,0,0,0,0,0,0,130,253,111,0,0,0,0,0,0,0,0,0,0,0,0,73,247,253,45,0,0,0,0,0,0,0,0,0,130,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,170,2,0,0,0,0,0,0,0,0,30,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,5,0,0,0,0,0,0,0,0,5,213,250,88,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,5,0,0,0,0,0,0,0,0,0,92,253,159,37,0,0,0,0,0,0,0,0,0,0,0,151,253,152,1,0,0,0,0,0,0,0,0,0,8,210,253,220,37,0,0,0,0,0,0,0,0,0,40,239,253,87,0,0,0,0,0,0,0,0,0,0,0,23,210,253,220,36,0,0,0,0,0,0,37,106,224,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,23,210,253,242,211,112,112,112,112,112,221,253,253,207,87,1,0,0,0,0,0,0,0,0,0,0,0,0,0,23,152,253,253,253,253,253,253,253,253,253,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,88,45,94,220,220,226,153,87,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,128,141,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,57,57,107,170,187,252,227,84,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,229,252,252,252,244,168,168,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,228,28,28,28,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,137,0,0,0,0,0,0,38,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,175,113,150,225,226,225,225,237,250,225,187,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,253,231,225,163,113,200,175,114,188,247,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,84,84,19,0,0,0,0,0,0,0,153,246,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,0,0,0,38,209,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,95,19,0,0,60,234,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,175,13,0,0,101,241,252,127,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,219,75,0,19,117,241,226,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,93,51,169,225,252,177,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,209,246,253,233,130,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,214,139,78,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,22,144,177,255,204,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,140,254,254,254,254,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,171,254,254,254,218,208,228,249,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,224,112,21,0,14,210,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,251,108,18,0,0,0,0,100,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,152,0,0,0,0,0,0,90,239,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,113,0,0,0,0,0,0,31,207,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,224,254,8,0,0,0,0,5,91,122,181,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,222,5,0,0,0,0,74,254,254,161,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,216,17,0,0,7,58,197,254,254,136,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,201,128,97,220,254,254,254,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,254,254,254,254,254,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,173,254,245,189,254,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,55,3,14,173,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,223,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,225,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,73,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,254,104,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,211,244,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,240,243,214,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,239,202,51,146,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,102,0,208,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,129,3,0,128,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,71,0,0,142,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,188,4,0,9,179,148,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,117,0,0,5,16,100,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,100,0,0,0,0,31,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,30,0,0,0,0,5,207,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,30,0,0,0,0,0,199,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,228,16,0,0,0,0,0,128,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,198,0,0,0,0,0,0,113,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,198,0,0,0,0,0,0,151,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,198,0,0,0,0,0,3,204,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,221,13,0,0,0,0,66,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,93,0,0,0,7,183,231,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,242,215,62,3,52,171,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,242,255,202,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,156,227,168,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,253,255,228,104,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,225,252,252,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,178,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,177,28,4,178,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,222,25,0,0,57,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,171,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,122,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,196,0,0,0,107,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,169,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,29,179,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,169,169,253,252,252,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,234,252,252,253,252,252,252,253,252,196,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,252,253,252,252,252,253,252,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,128,179,254,253,253,241,0,76,200,238,254,134,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,252,252,252,253,252,196,47,0,0,0,38,84,28,0,0,0,0,0,0,0,0,0,0,0,0,159,252,253,252,252,252,244,93,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,190,253,252,214,139,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,0,0,0,53,255,254,254,174,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,248,251,248,248,248,249,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,253,253,253,253,253,253,253,236,142,129,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,253,253,90,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,150,25,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,79,240,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,214,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,239,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,242,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,236,253,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,100,134,238,253,253,253,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,253,243,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,251,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,173,253,253,213,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,175,255,253,253,253,209,166,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,253,189,168,168,203,253,252,210,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,103,21,5,0,0,9,21,21,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,68,11,99,169,169,169,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,191,175,252,199,147,235,229,176,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,71,0,0,0,168,225,253,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,106,0,0,0,0,0,21,72,224,226,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,237,190,9,0,0,0,0,0,0,0,41,223,206,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,14,0,0,0,0,0,0,0,0,0,80,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,18,70,0,0,0,0,0,0,0,0,0,0,211,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,156,7,0,0,0,0,0,0,0,0,55,236,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,42,0,0,0,0,0,0,0,8,197,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,123,191,66,6,0,0,0,0,8,129,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,253,189,169,169,81,170,197,247,162,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,165,252,252,252,252,253,217,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,171,254,254,254,254,254,160,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,248,253,253,253,253,253,253,253,253,252,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,122,117,142,142,222,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,159,35,19,4,0,0,0,62,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,3,0,0,0,0,0,0,170,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,189,244,253,239,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,128,253,253,170,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,221,253,253,103,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,253,241,172,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,65,175,253,253,243,106,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,71,104,253,253,196,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,78,190,253,197,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,156,219,253,251,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,20,4,6,20,114,222,253,253,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,165,172,253,253,253,251,156,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,253,222,117,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,216,156,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,226,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,212,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,195,153,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,244,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,98,62,10,1,0,0,35,161,254,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,172,90,145,254,254,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,254,247,138,254,254,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,254,254,254,254,247,176,50,17,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,75,141,78,155,72,0,0,170,254,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,255,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,254,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,254,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,154,232,159,107,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,94,244,254,254,254,148,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,205,47,67,96,213,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,32,0,0,0,72,243,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,227,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,247,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,209,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,219,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,251,254,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,254,179,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,196,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,136,255,247,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,231,254,250,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,183,215,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,158,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,87,43,34,174,209,254,218,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,216,253,252,226,252,252,253,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,232,205,178,126,82,83,221,252,186,66,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,120,252,252,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,247,97,0,0,0,0,14,236,252,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,219,254,253,100,0,0,0,0,145,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,253,252,247,99,0,0,29,239,252,217,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,188,247,252,247,56,39,213,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,252,252,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,252,252,253,252,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,252,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,252,252,252,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,183,154,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,244,49,62,253,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,127,0,0,131,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,161,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,251,161,127,192,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,252,252,252,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,252,208,253,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,246,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,250,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,240,187,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,242,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,56,24,82,112,132,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,153,249,254,255,254,246,125,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,241,253,253,248,183,76,160,243,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,217,51,0,0,0,36,195,229,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,172,55,0,0,0,0,52,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,245,88,130,40,0,0,0,0,33,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,245,27,0,0,0,0,0,5,155,232,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,32,0,0,0,0,73,203,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,187,74,66,45,98,246,246,150,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,253,253,253,248,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,98,245,176,171,90,58,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,206,207,144,57,57,120,169,131,57,169,144,144,69,0,0,0,0,0,0,0,0,0,0,0,0,60,209,252,252,253,252,252,252,253,252,252,252,253,252,252,177,0,0,0,0,0,0,0,0,0,0,0,51,241,252,252,252,253,252,252,151,140,139,139,139,78,28,28,3,0,0,0,0,0,0,0,0,0,0,60,241,255,209,25,101,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,159,28,0,0,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,238,225,225,125,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,226,231,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,140,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,113,25,0,0,26,222,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,216,141,104,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,253,252,208,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,205,243,244,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,25,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,202,255,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,164,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,236,253,253,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,215,242,172,124,253,232,207,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,219,236,64,106,253,253,49,166,195,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,216,238,67,126,231,230,74,20,235,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,230,204,251,234,49,0,81,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,215,44,0,0,243,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,206,94,9,0,0,31,246,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,33,13,0,0,0,0,100,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,242,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,250,219,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,90,242,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,118,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,253,245,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,209,251,190,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,231,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,181,56,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,116,200,255,254,254,205,224,139,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,100,240,253,253,227,214,214,226,230,253,161,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,244,128,45,12,0,0,12,15,162,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,193,34,0,0,0,0,0,0,0,141,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,150,181,0,0,0,0,0,0,0,134,254,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,0,0,0,0,0,0,61,254,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,203,250,207,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,79,187,249,187,127,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,254,254,255,254,104,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,154,214,238,254,253,253,175,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,39,99,196,253,239,142,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,116,254,253,177,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,195,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,49,0,0,0,0,0,0,0,0,0,0,234,246,36,0,0,0,0,0,0,0,0,0,0,0,0,0,79,188,11,0,0,0,0,0,0,0,0,71,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,214,42,0,0,0,0,0,34,153,244,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,240,244,190,191,215,148,136,242,253,239,146,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,62,145,175,211,253,253,199,163,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,92,254,254,254,177,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,227,187,187,210,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,100,100,196,236,227,46,0,0,89,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,177,210,253,253,254,193,4,0,0,137,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,147,215,253,244,198,198,136,179,116,0,37,153,104,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,253,250,88,0,0,0,15,33,18,235,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,40,0,0,0,0,32,213,233,194,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,238,18,0,0,0,0,55,226,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,246,253,83,0,0,0,0,107,188,58,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,189,10,0,0,193,240,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,201,144,226,254,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,201,253,253,253,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,208,253,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,220,215,253,254,230,123,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,245,22,17,151,254,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,145,0,0,10,206,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,220,249,155,155,241,255,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,254,253,189,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,253,253,253,192,114,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,76,210,255,199,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,243,254,254,254,254,245,141,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,113,243,254,211,82,121,184,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,208,254,217,111,7,0,0,23,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,254,206,28,0,0,0,0,28,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,252,66,0,0,0,0,0,112,254,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,167,252,83,0,0,0,0,0,0,173,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,181,0,0,0,0,0,0,11,245,254,243,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,96,0,0,0,0,0,0,108,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,225,108,20,0,0,0,97,242,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,242,254,254,203,144,197,218,253,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,193,254,254,254,254,254,225,139,248,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,66,78,118,160,118,36,82,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,223,152,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,90,0,29,125,125,144,255,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,248,249,253,253,253,253,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,253,253,236,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,229,149,59,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,144,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,151,209,209,185,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,226,253,253,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,238,201,253,244,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,253,174,50,14,196,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,201,97,17,0,11,192,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,230,253,247,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,21,0,0,0,0,143,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,32,0,0,0,54,229,253,248,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,109,0,7,57,230,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,214,143,177,253,253,250,146,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,253,253,248,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,213,123,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,195,73,73,73,73,73,80,163,163,215,254,254,254,255,134,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,254,253,253,253,253,238,198,198,128,179,254,179,0,0,0,0,0,0,0,0,0,0,0,0,8,49,127,127,127,127,127,55,36,26,0,0,75,243,178,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,141,241,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,222,253,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,195,255,254,241,92,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,249,253,199,198,245,253,240,120,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,127,62,0,0,31,42,127,195,213,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,219,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,240,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,76,6,0,0,0,0,0,0,0,0,0,172,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,42,0,0,0,0,0,0,0,0,50,245,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,204,20,0,0,0,0,0,0,0,177,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,138,0,0,0,0,0,0,157,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,251,67,0,0,0,24,152,254,202,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,195,37,3,77,213,253,178,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,248,254,203,245,245,137,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,163,214,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,200,254,254,254,254,254,254,254,160,130,130,130,130,179,254,139,9,0,0,0,0,0,0,0,0,0,130,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,135,0,0,0,0,0,0,0,0,0,61,245,253,253,236,111,111,111,111,111,144,235,235,235,251,237,242,253,144,1,0,0,0,0,0,0,0,0,0,57,188,253,222,0,0,0,0,0,0,0,0,0,90,13,106,253,253,5,0,0,0,0,0,0,0,0,0,0,128,253,241,57,0,0,0,0,0,0,0,0,0,0,106,253,253,5,0,0,0,0,0,0,0,0,0,0,16,238,253,171,0,0,0,0,0,0,0,0,0,0,106,253,178,2,0,0,0,0,0,0,0,0,0,0,0,128,253,134,0,0,0,0,0,0,0,0,0,0,128,253,135,0,0,0,0,0,0,0,0,0,0,0,0,8,80,29,0,0,0,0,0,0,0,0,0,0,230,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,235,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,163,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,249,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,106,232,253,157,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,147,18,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,213,254,254,183,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,209,253,253,253,253,254,242,241,198,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,248,253,253,194,159,159,254,253,253,253,246,128,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,176,15,0,0,141,253,253,185,237,253,205,30,0,0,0,0,0,0,0,0,0,0,0,0,111,245,253,175,17,0,0,0,121,253,179,9,165,253,253,128,0,0,0,0,0,0,0,0,0,0,0,80,247,253,203,18,0,0,0,0,149,253,159,0,18,204,253,226,0,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,0,0,254,253,68,0,0,96,253,245,73,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,0,86,254,185,10,0,0,54,253,253,107,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,15,203,254,69,0,0,0,61,253,253,107,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,15,203,253,254,13,0,0,0,187,253,239,50,0,0,0,0,0,0,0,0,0,0,57,242,254,254,254,254,254,254,254,72,0,0,0,0,188,255,228,0,0,0,0,0,0,0,0,0,0,0,0,61,237,253,253,253,253,247,76,0,0,0,0,121,250,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,135,159,229,189,145,25,0,0,0,0,0,201,253,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,13,0,0,0,0,0,30,124,245,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,136,253,253,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,209,253,253,211,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,112,213,253,253,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,110,253,255,253,243,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,248,253,255,184,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,190,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,159,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,102,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,47,47,149,150,206,255,152,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,146,197,197,197,198,253,253,253,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,36,251,253,253,253,253,238,153,114,54,10,10,100,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,25,170,118,67,67,67,38,0,0,0,0,24,235,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,249,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,244,240,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,239,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,209,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,204,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,213,213,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,253,253,255,253,169,138,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,252,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,202,252,252,253,252,252,252,252,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,234,253,252,185,194,252,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,250,253,157,6,9,75,253,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,210,0,0,0,0,244,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,178,0,0,0,0,0,65,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,195,48,0,0,0,0,0,24,252,252,227,17,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,227,29,0,0,0,0,0,0,5,177,252,252,22,0,0,0,0,0,0,0,0,0,0,0,43,240,253,231,48,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,7,160,253,252,135,0,0,0,0,0,0,0,0,13,212,253,253,23,0,0,0,0,0,0,0,0,0,0,70,252,252,209,0,0,0,0,0,0,0,0,0,118,252,252,172,8,0,0,0,0,0,0,0,0,0,13,172,252,252,84,0,0,0,0,0,0,0,0,32,253,252,233,33,0,0,0,0,0,0,0,0,0,0,140,252,252,210,0,0,0,0,0,0,0,0,76,228,253,252,183,0,0,0,0,0,0,0,0,0,0,11,203,252,252,32,0,0,0,0,0,0,0,85,218,252,253,231,48,0,0,0,0,0,0,0,0,0,0,22,245,253,253,23,0,0,0,0,0,13,159,253,253,253,231,84,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,117,22,0,0,38,99,170,252,252,235,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,216,184,184,240,252,253,252,170,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,252,252,253,252,252,252,252,245,87,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,242,253,252,252,157,85,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,111,236,255,254,216,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,163,255,253,253,253,253,253,245,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,223,253,254,253,171,162,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,253,253,255,219,21,1,83,167,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,237,253,253,253,254,187,0,0,0,89,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,194,253,219,55,228,254,148,0,0,0,89,253,244,52,0,0,0,0,0,0,0,0,0,0,0,0,74,246,253,253,104,0,221,253,74,0,0,0,89,253,215,9,0,0,0,0,0,0,0,0,0,0,0,18,202,253,253,175,0,0,221,134,0,0,0,0,89,253,246,54,0,0,0,0,0,0,0,0,0,0,0,100,253,253,226,44,0,0,58,0,0,0,0,0,89,253,175,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,69,0,0,0,0,0,0,0,0,0,137,253,147,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,55,0,0,0,0,0,0,0,0,0,200,255,147,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,55,0,0,0,0,0,0,0,0,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,99,246,253,207,10,0,0,0,0,0,0,0,0,46,244,244,17,0,0,0,0,0,0,0,0,0,0,0,81,253,253,102,0,0,0,0,0,0,0,0,0,161,253,242,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,198,0,0,0,0,0,0,0,0,5,185,253,242,0,0,0,0,0,0,0,0,0,0,0,0,44,200,253,217,58,0,0,0,0,0,0,0,110,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,52,244,253,207,69,0,0,0,0,0,10,138,253,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,253,249,155,73,45,60,155,237,253,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,254,253,253,203,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,158,205,253,253,253,240,143,143,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,124,194,254,254,255,218,37,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,253,253,233,224,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,231,87,36,14,202,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,161,51,0,0,12,199,253,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,215,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,253,253,185,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,249,253,253,93,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,84,243,253,253,253,253,181,116,42,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,248,194,236,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,122,53,0,41,95,205,253,251,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,158,54,2,0,0,0,0,16,190,253,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,249,253,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,152,85,0,0,0,0,0,96,252,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,44,0,0,0,87,183,247,253,246,166,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,145,84,84,166,241,253,253,249,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,253,253,253,161,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,135,146,178,135,100,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,13,13,13,53,19,6,13,13,13,30,76,133,133,232,208,77,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,253,160,192,253,254,253,253,253,253,253,253,253,144,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,144,0,0,0,0,0,0,0,0,0,0,9,166,253,218,205,164,188,205,205,206,205,205,205,240,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,11,72,21,0,0,0,0,0,0,0,0,0,182,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,225,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,206,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,194,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,104,253,134,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,141,191,255,253,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,253,252,252,178,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,177,106,56,56,231,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,28,0,0,0,175,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,254,253,253,253,192,116,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,197,252,253,252,252,252,253,252,224,119,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,172,252,252,253,233,168,68,56,56,94,243,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,241,252,252,252,178,22,0,0,0,0,0,25,100,175,0,0,0,0,0,0,0,0,0,0,0,70,253,253,254,253,253,128,0,0,0,0,0,0,0,0,0,101,50,0,0,0,0,0,0,0,0,0,0,169,252,252,253,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,177,252,241,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,132,173,253,254,213,234,152,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,253,252,253,252,233,192,253,252,223,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,254,253,244,203,123,41,102,20,62,203,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,192,151,40,0,0,0,0,0,0,20,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,62,20,0,0,72,112,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,183,234,253,214,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,213,252,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,131,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,183,0,0,0,0,0,0,0,0,0,0,0,0,0,31,31,0,0,0,0,0,0,0,0,0,0,0,183,255,112,0,0,0,0,0,0,0,0,0,0,0,0,112,232,203,203,203,203,203,203,203,122,82,82,102,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,163,203,254,253,254,253,254,253,254,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,50,151,151,151,151,192,151,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,227,227,255,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,230,253,228,127,126,75,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,226,248,65,11,0,0,0,0,0,9,92,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,140,235,0,0,0,0,0,0,43,216,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,240,123,14,0,0,0,40,213,253,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,123,193,0,0,42,240,253,224,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,70,0,218,253,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,247,156,165,243,237,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,254,253,193,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,254,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,255,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,251,253,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,253,253,213,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,248,253,243,166,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,239,53,141,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,253,253,239,183,217,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,249,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,249,253,253,240,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,180,150,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,167,254,254,255,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,179,253,253,253,253,237,114,0,0,0,131,184,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,252,248,253,105,0,0,0,47,248,253,197,2,0,0,0,0,0,0,0,0,0,0,0,0,3,195,253,253,140,52,242,76,0,0,0,206,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,131,167,156,0,0,0,126,241,253,253,142,2,0,0,0,0,0,0,0,0,0,0,0,0,3,189,251,253,248,247,133,0,0,76,245,253,248,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,247,134,89,248,253,235,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,110,183,253,253,253,253,253,233,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,129,243,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,253,232,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,249,253,214,253,253,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,250,253,193,9,174,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,143,253,217,31,0,17,233,253,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,88,0,0,0,168,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,21,0,0,0,156,253,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,231,16,0,0,6,155,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,202,9,0,0,66,253,253,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,150,141,180,251,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,253,253,253,253,253,154,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,126,253,253,253,253,244,120,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,78,202,255,213,146,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,188,253,253,253,203,177,250,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,233,253,225,55,32,11,0,134,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,173,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,249,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,236,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,188,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,27,0,0,0,0,8,78,202,238,238,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,27,0,0,0,62,199,248,194,107,150,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,2,171,253,115,0,0,97,236,218,97,0,0,28,253,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,146,0,96,253,213,29,0,0,0,131,253,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,245,38,210,249,68,0,0,0,26,120,109,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,235,253,147,0,0,0,0,188,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,253,253,145,12,12,89,212,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,253,205,206,253,237,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,126,253,253,253,253,198,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,233,251,166,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,230,251,253,253,253,224,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,250,253,253,227,236,253,254,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,227,161,36,19,183,254,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,232,145,0,0,0,54,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,8,0,0,0,0,211,253,200,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,248,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,196,254,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,254,136,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,159,253,254,128,53,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,170,253,253,254,253,253,234,203,143,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,150,244,253,253,253,254,253,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,121,246,253,253,253,234,166,80,139,139,139,219,253,250,103,0,0,0,0,0,0,0,0,0,0,0,0,90,247,253,253,253,136,17,0,0,0,0,0,11,61,55,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,252,165,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,192,177,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,85,136,219,255,155,29,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,198,253,253,253,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,244,253,223,126,82,82,127,224,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,190,253,218,81,0,0,0,0,29,250,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,33,0,0,0,0,0,0,207,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,11,0,0,0,0,0,0,180,223,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,206,253,240,59,6,6,6,51,177,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,253,253,253,253,253,253,253,253,170,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,97,212,212,212,224,253,253,207,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,227,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,162,162,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,235,215,130,21,16,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,254,254,254,216,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,230,196,251,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,136,0,30,32,32,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,227,92,32,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,207,254,254,254,217,128,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,207,254,254,254,254,238,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,95,95,96,189,254,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,234,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,116,14,0,0,0,0,0,0,59,245,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,255,246,151,67,12,0,4,87,246,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,240,254,254,254,224,202,193,254,254,239,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,102,222,254,254,255,254,254,238,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,95,169,180,254,174,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,174,81,0,0,0,0,0,0,0,0,0,0,0,0,46,126,78,0,0,0,0,0,0,0,0,13,57,181,254,187,0,0,0,0,0,0,0,0,0,0,0,0,163,254,196,0,0,0,0,0,0,63,92,196,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,129,254,244,122,58,102,154,154,233,253,254,252,197,227,254,93,0,0,0,0,0,0,0,0,0,0,0,0,14,154,251,254,254,254,254,250,230,230,141,57,0,135,241,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,72,72,72,72,58,0,0,0,0,0,168,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,242,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,219,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,98,182,212,128,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,182,248,254,254,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,68,152,237,254,254,254,198,102,60,75,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,164,254,234,201,202,146,32,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,238,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,171,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,254,168,24,106,106,106,21,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,254,254,254,254,254,167,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,254,254,254,224,254,254,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,216,97,0,0,0,0,80,249,255,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,8,5,0,0,0,0,0,0,182,254,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,103,0,0,0,0,0,0,0,0,62,254,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,189,0,0,0,0,0,0,0,0,183,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,208,5,0,0,0,0,0,0,35,245,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,148,5,0,0,0,0,9,180,254,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,231,254,191,106,39,21,106,213,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,160,252,254,254,254,254,254,251,112,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,236,254,254,254,166,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,160,220,255,254,226,160,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,216,231,216,231,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,142,254,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,214,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,238,254,192,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,123,116,96,123,207,254,254,240,130,95,46,116,29,29,5,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,254,254,254,254,254,254,254,254,254,254,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,29,112,218,254,254,254,170,129,178,188,160,77,8,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,225,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,210,254,254,188,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,210,254,250,140,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,254,208,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,233,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,238,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,164,96,161,8,0,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,254,148,5,0,0,60,185,207,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,63,254,175,10,0,3,129,240,211,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,221,3,0,0,132,254,213,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,228,3,0,31,241,242,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,130,254,226,11,190,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,254,218,242,216,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,219,252,225,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,196,158,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,109,45,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,18,45,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,220,204,6,64,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,18,180,250,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,115,249,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,189,234,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,64,128,128,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,128,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,128,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,112,104,78,128,104,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,80,106,172,216,253,245,253,253,253,254,56,0,0,0,0,0,0,0,0,0,0,0,0,3,57,174,174,245,253,254,232,187,137,138,88,88,137,237,244,38,0,0,0,0,0,0,0,0,0,0,17,140,253,254,236,160,94,69,6,0,0,0,0,0,0,70,253,113,0,0,0,0,0,0,0,0,0,0,164,254,203,93,9,0,0,0,0,0,0,0,0,0,60,221,254,138,0,0,0,0,0,0,0,0,0,64,242,89,6,0,0,0,0,0,0,0,0,0,0,30,214,254,227,63,0,0,0,0,0,0,0,0,0,70,131,0,0,0,0,0,0,0,0,0,0,0,114,228,253,247,121,0,0,0,0,0,0,0,0,0,0,70,81,0,0,0,0,0,0,0,0,0,0,0,206,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,255,254,222,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,230,213,254,244,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,208,249,253,253,205,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,254,253,244,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,254,255,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,253,124,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,251,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,230,0,0,0,0,0,0,0,0,0,0,51,118,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,113,0,0,0,0,0,0,26,32,104,187,241,101,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,192,138,81,47,123,206,231,239,241,253,216,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,254,253,253,253,254,248,221,104,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,135,161,211,177,160,128,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,141,208,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,243,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,191,239,240,254,245,245,245,170,141,141,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,39,63,171,253,254,244,171,171,171,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,130,104,0,20,20,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,255,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,201,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,239,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,242,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,68,42,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,254,228,171,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,79,223,251,254,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,73,150,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,17,191,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,109,10,0,1,114,254,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,245,161,167,254,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,150,223,254,229,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,178,207,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,250,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,200,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,255,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,241,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,229,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,239,254,236,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,111,5,0,0,0,0,0,0,0,61,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,225,252,48,0,0,0,0,0,0,0,78,252,180,6,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,48,0,0,0,0,0,0,0,181,252,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,48,0,0,0,0,0,0,0,181,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,48,0,0,0,0,0,0,0,181,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,48,0,0,0,0,0,0,0,181,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,48,0,0,0,0,0,0,19,208,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,233,183,109,57,0,0,0,49,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,35,248,252,252,252,252,252,247,242,230,121,146,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,243,241,241,247,255,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,85,228,199,108,21,0,0,52,109,108,108,146,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,165,219,125,96,91,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,234,254,254,255,253,253,251,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,237,254,254,254,197,254,254,254,253,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,254,133,9,19,19,183,254,254,230,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,183,6,0,0,0,177,254,254,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,176,0,0,0,19,205,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,176,0,0,51,224,254,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,176,0,21,187,254,254,242,92,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,192,254,239,166,187,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,254,254,254,254,254,185,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,231,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,254,254,254,115,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,243,254,254,255,231,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,254,254,243,181,72,244,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,244,92,0,0,184,254,240,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,245,254,254,176,0,0,7,191,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,182,20,20,142,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,254,254,254,254,254,254,254,254,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,238,254,254,254,254,254,254,254,158,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,254,214,228,254,187,160,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,248,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,1,183,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,200,65,0,0,0,0,0,51,254,246,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,254,159,0,0,0,0,0,133,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,91,0,0,0,0,0,225,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,222,29,0,0,0,0,36,240,130,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,254,42,0,0,0,0,6,171,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,182,254,192,7,0,0,0,0,31,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,138,21,23,0,40,96,207,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,254,251,251,250,252,254,254,254,161,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,249,249,251,252,249,249,252,254,254,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,43,0,0,106,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,242,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,212,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,215,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,231,175,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,73,163,247,254,254,254,255,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,139,225,253,253,218,179,108,108,43,18,50,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,247,145,62,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,241,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,214,242,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,146,254,254,106,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,24,173,254,243,157,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,171,235,237,152,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,131,248,238,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,221,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,242,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,204,252,127,0,0,0,0,0,0,0,0,0,0,0,0,19,37,24,0,0,0,0,0,37,56,128,198,243,243,145,18,0,0,0,0,0,0,0,0,0,0,0,0,198,253,233,200,199,199,199,199,254,253,253,232,112,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,143,162,254,253,240,162,162,163,142,72,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,105,254,255,251,254,204,118,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,201,85,47,148,254,253,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,239,106,15,0,0,171,242,246,5,146,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,61,0,0,0,0,26,175,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,4,0,0,0,0,56,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,190,3,0,0,0,0,176,81,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,165,0,0,15,143,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,90,2,153,171,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,208,197,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,181,237,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,193,117,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,226,34,110,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,61,0,110,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,181,0,2,172,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,110,0,27,205,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,20,0,98,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,108,47,207,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,155,224,210,144,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,158,172,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,13,1,0,7,30,133,162,254,254,150,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,150,146,207,253,253,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,250,253,254,253,253,253,253,253,241,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,205,206,233,253,253,253,239,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,223,253,253,181,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,226,253,253,181,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,253,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,254,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,254,251,155,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,254,253,253,251,213,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,123,122,138,242,251,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,236,253,153,9,0,0,0,0,0,0,0,0,0,0,0,9,86,29,0,0,0,0,0,0,0,9,103,238,253,229,32,0,0,0,0,0,0,0,0,0,0,0,0,128,253,230,189,98,98,14,42,98,52,170,253,253,230,54,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,253,233,240,253,243,253,253,157,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,75,132,161,253,253,253,253,253,249,132,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,151,194,151,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,177,254,254,254,254,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,251,254,254,254,235,244,255,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,200,254,254,254,189,32,106,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,193,125,39,0,7,231,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,228,255,188,16,0,0,0,0,229,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,250,12,0,0,0,0,0,229,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,254,155,0,0,0,0,0,52,246,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,242,254,200,7,0,0,0,0,0,79,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,223,34,0,0,0,0,0,0,79,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,108,251,254,134,0,0,0,0,0,0,13,189,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,36,253,254,243,70,0,0,0,0,0,0,49,254,254,171,1,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,103,0,0,0,0,0,0,0,172,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,251,68,0,0,0,0,0,0,48,248,254,179,5,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,228,0,0,0,0,0,0,13,182,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,143,0,0,0,0,0,0,144,254,254,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,228,0,0,0,0,0,95,253,254,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,220,251,117,6,3,13,179,247,254,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,254,211,184,254,254,254,222,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,119,199,254,254,233,110,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,192,254,255,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,181,253,253,253,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,198,247,253,253,251,159,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,141,253,253,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,237,253,253,253,194,112,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,83,234,253,253,253,208,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,253,199,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,234,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,253,253,253,228,154,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,253,253,253,157,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,125,38,38,38,38,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,253,253,253,253,253,253,191,104,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,253,253,253,253,253,253,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,253,253,253,235,235,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,253,253,155,88,160,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,253,253,253,189,179,226,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,81,253,253,253,253,253,253,253,253,253,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,199,253,253,253,253,253,253,253,202,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,79,253,253,253,253,253,84,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,118,199,183,252,206,154,153,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,253,253,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,177,177,177,118,115,78,233,253,227,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,156,253,223,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,253,121,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,246,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,206,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,125,253,208,25,0,0,0,0,0,0,0,0,0,0,0,0,0,27,11,49,167,186,127,32,0,0,0,32,219,253,237,44,0,0,0,0,0,0,0,0,0,0,0,0,11,191,169,253,253,253,253,173,6,0,0,144,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,4,101,253,162,128,246,246,253,253,128,2,20,206,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,184,253,216,102,0,0,0,180,253,253,158,208,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,254,253,122,0,0,0,0,51,239,253,253,253,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,254,253,40,0,0,50,83,231,253,253,253,253,253,253,253,105,83,70,0,0,0,0,0,0,0,0,0,0,254,253,93,15,9,176,253,253,253,253,253,253,253,253,253,253,253,244,120,63,0,0,0,0,0,0,0,0,232,253,253,196,189,253,253,253,253,219,212,212,212,212,251,253,243,189,69,0,0,0,0,0,0,0,0,0,44,147,250,253,253,253,253,173,96,18,0,0,0,0,91,96,72,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,204,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,157,101,0,19,57,57,131,197,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,247,197,215,252,253,252,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,253,252,252,252,140,115,28,228,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,29,204,253,129,104,141,241,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,187,252,252,244,168,168,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,128,128,128,191,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,0,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,118,166,218,118,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,105,245,254,254,254,254,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,186,240,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,235,251,128,61,7,50,203,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,201,78,0,0,0,0,187,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,242,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,254,249,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,254,254,253,187,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,89,179,243,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,210,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,191,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,186,72,0,0,6,227,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,250,234,180,180,182,254,238,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,254,254,234,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,117,218,239,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,121,197,253,191,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,212,242,252,252,252,252,253,184,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,248,252,252,252,192,158,208,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,235,252,188,74,39,15,0,21,253,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,172,73,11,0,0,0,0,0,253,252,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,84,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,150,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,241,252,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,233,252,252,28,0,61,67,67,165,200,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,252,252,252,118,186,245,252,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,252,253,252,252,252,252,222,212,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,252,252,252,252,240,225,106,93,93,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,250,231,106,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,242,102,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,245,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,242,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,207,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,212,170,63,0,0,0,171,211,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,232,252,252,252,238,217,217,217,253,252,247,217,156,52,0,0,0,0,0,0,0,0,0,0,0,0,58,252,252,252,226,236,253,252,252,252,253,252,252,252,253,231,52,0,0,0,0,0,0,0,0,0,0,42,221,252,252,210,52,206,253,252,252,252,191,108,108,190,253,252,71,0,0,0,0,0,0,0,0,0,0,134,252,252,252,128,211,252,253,220,143,62,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,252,252,119,25,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,79,242,252,252,252,252,246,132,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,109,252,252,252,252,252,132,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,110,253,253,253,253,222,41,0,0,0,0,0,0,0,0,145,255,253,72,0,0,0,0,0,0,0,0,0,109,252,252,252,252,55,0,0,0,0,0,0,0,0,32,237,253,189,10,0,0,0,0,0,0,0,0,0,109,252,252,252,252,35,0,0,0,0,0,0,0,0,37,252,253,76,0,0,0,0,0,0,0,0,0,0,109,252,252,252,252,35,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,110,253,253,108,144,20,0,0,0,0,0,0,0,94,212,253,145,0,0,0,0,0,0,0,0,0,0,0,78,242,252,148,42,0,0,0,0,0,0,0,0,217,252,252,176,10,0,0,0,0,0,0,0,0,0,0,0,114,252,252,221,25,0,0,0,0,0,0,37,222,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,119,0,0,0,0,0,84,253,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,232,109,0,32,212,253,255,222,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,252,252,252,252,218,227,252,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,133,247,252,252,253,252,246,215,72,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,128,168,253,128,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,154,154,231,254,254,254,254,227,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,249,253,253,250,243,243,243,252,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,195,117,89,56,0,0,0,214,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,4,0,0,0,0,0,0,214,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,241,233,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,123,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,233,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,21,105,134,253,253,128,105,105,105,87,0,0,0,0,0,0,0,0,0,0,0,0,0,41,159,159,245,253,253,253,253,253,253,253,253,254,179,8,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,238,238,238,238,244,253,251,138,55,39,39,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,247,229,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,241,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,51,173,213,254,253,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,253,252,253,171,253,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,224,162,82,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,171,20,0,0,0,0,0,102,203,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,92,152,233,254,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,212,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,131,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,252,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,40,0,0,0,0,0,0,0,0,193,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,213,21,0,0,0,0,0,11,213,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,223,122,0,0,62,102,132,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,255,253,255,253,255,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,151,192,151,151,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,13,0,0,0,0,0,0,0,0,0,33,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,198,76,0,0,0,0,0,0,0,0,94,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,162,0,0,0,0,0,0,0,0,163,253,253,234,0,0,0,0,0,0,0,0,0,0,0,110,252,253,253,41,0,0,0,0,0,0,0,0,163,253,253,240,0,0,0,0,0,0,0,0,0,0,0,118,253,253,165,4,0,0,0,0,0,0,0,86,244,253,253,240,0,0,0,0,0,0,0,0,0,0,0,118,253,253,155,0,0,0,0,0,0,0,0,169,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,118,253,253,155,0,0,0,0,0,0,0,83,241,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,82,250,253,236,26,0,0,0,0,0,44,240,253,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,161,48,0,0,0,85,213,253,205,228,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,253,234,155,103,196,239,253,241,63,163,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,27,182,246,253,253,253,253,253,211,93,0,163,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,115,201,243,253,184,20,0,29,228,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,78,20,0,0,40,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,204,253,244,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,219,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,253,220,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,125,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,74,0,9,176,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,246,63,0,59,245,224,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,253,182,0,0,0,199,253,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,245,65,0,0,0,100,244,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,210,0,0,0,0,0,205,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,210,0,0,0,0,0,114,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,181,253,210,0,0,0,0,0,115,253,231,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,210,0,0,0,0,0,205,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,210,0,0,0,0,0,144,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,210,0,0,0,0,0,102,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,247,69,0,0,0,0,127,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,217,253,189,0,0,0,30,224,253,217,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,249,67,0,0,187,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,241,236,236,249,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,114,253,253,253,253,253,216,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,91,217,253,159,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,34,34,106,143,148,253,253,253,255,253,162,143,72,22,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,252,252,252,252,252,252,252,216,232,252,252,252,187,35,0,0,0,0,0,0,0,0,0,0,0,106,222,170,153,153,67,44,44,44,44,19,31,44,101,218,252,222,0,0,0,0,0,0,0,0,0,0,0,0,7,2,0,0,0,0,0,0,0,0,0,0,0,7,142,247,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,245,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,194,210,221,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,12,74,150,240,251,217,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,154,227,252,253,252,216,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,253,252,108,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,142,142,142,205,252,252,236,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,111,201,252,253,167,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,229,252,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,164,252,245,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,165,252,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,4,208,53,0,0,0,0,0,0,0,0,1,102,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,235,154,59,45,33,0,0,0,0,31,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,252,252,253,235,187,187,116,116,218,252,161,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,52,142,238,253,252,252,252,252,214,147,185,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,114,191,113,113,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,178,240,253,252,252,252,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,215,252,252,220,196,195,195,202,252,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,245,208,37,0,0,0,10,177,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,118,0,0,0,0,32,140,125,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,106,0,0,0,0,147,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,181,85,85,163,226,249,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,253,252,252,252,252,253,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,161,253,252,252,249,223,225,249,252,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,112,112,99,0,0,225,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,252,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,231,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,245,208,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,136,254,255,195,150,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,234,253,253,253,253,253,234,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,253,238,153,31,33,228,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,248,145,38,0,0,42,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,62,0,0,0,0,148,253,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,16,101,247,253,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,180,181,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,133,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,159,38,0,0,0,0,0,0,8,187,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,196,81,24,0,0,0,12,132,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,253,230,218,175,218,224,253,253,250,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,211,253,253,253,253,253,253,246,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,72,149,149,149,252,175,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,81,81,81,81,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,252,252,252,216,200,123,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,252,252,252,252,252,252,252,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,235,212,212,244,252,252,252,252,252,216,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,54,0,0,74,93,93,176,227,252,253,156,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,176,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,121,190,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,240,247,252,252,253,252,241,197,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,252,252,252,252,253,252,252,252,245,226,135,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,252,252,253,252,252,252,252,252,252,227,213,101,0,0,0,0,0,0,0,0,0,0,0,0,50,235,252,252,213,115,53,53,53,95,185,235,252,252,248,158,0,0,0,0,0,0,0,0,0,0,0,0,0,77,108,66,28,0,0,0,0,0,0,49,66,66,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,186,254,255,141,77,154,165,165,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,254,173,206,254,175,103,103,144,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,216,7,18,121,2,0,0,2,190,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,236,41,0,0,0,0,0,0,0,183,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,218,0,0,0,0,0,0,0,16,214,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,218,0,0,0,0,0,0,5,175,254,91,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,218,0,0,0,0,0,15,196,254,254,254,153,38,0,0,0,0,0,0,0,0,0,0,0,0,0,23,212,240,122,72,72,72,93,208,254,154,6,122,226,233,48,0,0,0,0,0,0,0,0,0,0,0,0,0,27,190,254,254,254,254,254,202,80,4,0,0,35,221,217,12,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,236,209,122,68,4,0,0,0,0,0,55,247,128,0,0,0,0,0,0,0,0,0,0,0,0,7,157,251,74,0,0,0,0,0,0,0,0,0,0,219,169,0,0,0,0,0,0,0,0,0,0,0,0,50,254,225,0,0,0,0,0,0,0,0,0,0,0,219,175,0,0,0,0,0,0,0,0,0,0,0,0,114,240,59,0,0,0,0,0,0,0,0,0,0,0,219,162,0,0,0,0,0,0,0,0,0,0,0,20,206,218,0,0,0,0,0,0,0,0,0,0,0,36,242,137,0,0,0,0,0,0,0,0,0,0,0,63,254,218,0,0,0,0,0,0,0,0,0,0,0,163,243,70,0,0,0,0,0,0,0,0,0,0,0,63,254,136,0,0,0,0,0,0,0,0,0,36,195,252,114,0,0,0,0,0,0,0,0,0,0,0,0,63,254,128,0,0,0,0,0,0,0,18,105,212,254,147,5,0,0,0,0,0,0,0,0,0,0,0,0,12,223,217,77,7,0,0,26,43,158,226,234,198,83,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,242,254,208,192,192,249,254,247,202,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,146,199,224,164,113,76,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,155,214,254,254,249,154,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,143,234,253,252,243,243,244,253,232,69,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,161,253,253,204,74,0,0,6,155,246,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,230,251,200,79,8,0,0,0,0,0,146,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,114,243,253,164,0,0,0,0,0,0,0,0,224,253,243,45,0,0,0,0,0,0,0,0,0,0,0,73,245,231,95,3,0,0,0,0,0,0,0,0,224,253,253,64,0,0,0,0,0,0,0,0,0,0,0,209,253,101,0,0,0,0,0,0,0,0,0,0,224,253,253,64,0,0,0,0,0,0,0,0,0,0,31,234,218,16,0,0,0,0,0,0,0,0,9,167,252,253,203,29,0,0,0,0,0,0,0,0,0,0,35,237,238,101,0,0,0,0,0,0,77,119,198,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,249,159,149,149,149,209,253,253,251,203,248,253,20,0,0,0,0,0,0,0,0,0,0,0,0,2,114,237,253,253,253,253,253,249,207,126,47,0,224,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,94,94,94,94,94,2,0,0,0,0,224,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,170,253,163,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,251,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,134,133,117,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,192,253,254,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,37,167,253,253,218,218,220,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,235,152,4,0,9,84,119,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,233,253,233,120,0,0,62,61,61,34,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,165,253,232,63,0,0,35,254,253,253,213,194,102,14,0,0,0,0,0,0,0,0,0,0,0,0,20,235,253,233,63,0,0,0,23,106,59,168,225,253,253,174,12,0,0,0,0,0,0,0,0,0,0,5,113,253,235,120,0,0,0,0,0,0,0,0,82,65,156,235,176,98,5,0,0,0,0,0,0,0,0,123,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,64,0,0,0,0,0,0,0,0,191,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,50,236,253,190,0,0,0,0,0,0,0,0,192,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,0,0,0,0,0,0,0,0,203,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,253,0,0,0,0,0,0,0,0,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,160,0,0,0,0,0,0,0,0,254,253,241,80,0,0,0,0,0,0,0,0,0,0,12,49,175,253,253,11,0,0,0,0,0,0,0,0,254,253,253,216,47,0,0,0,0,0,0,0,9,21,61,253,253,253,227,9,0,0,0,0,0,0,0,0,162,253,253,253,239,102,14,0,0,0,0,7,99,132,117,253,253,144,34,0,0,0,0,0,0,0,0,0,31,176,253,253,253,253,215,159,86,143,207,210,253,253,253,253,143,7,0,0,0,0,0,0,0,0,0,0,0,4,53,221,253,253,253,253,253,253,254,253,253,235,156,64,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,175,253,253,253,253,145,144,69,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,11,11,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,156,209,254,255,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,178,247,253,253,253,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,235,254,247,174,85,145,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,251,253,154,32,0,37,219,254,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,237,80,0,0,0,174,253,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,183,8,0,0,50,156,254,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,12,0,8,140,247,253,219,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,254,247,107,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,254,68,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,254,226,235,199,120,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,219,254,232,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,114,246,242,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,255,254,183,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,88,213,253,254,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,79,138,241,253,253,253,152,12,0,0,0,0,0,0,0,0,0,0,0,0,8,177,234,234,235,234,234,237,253,254,253,240,161,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,111,155,216,253,222,193,155,155,73,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,77,160,220,255,219,254,202,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,70,229,249,181,123,73,28,63,81,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,132,254,188,64,0,0,0,0,0,0,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,228,6,0,0,0,0,0,23,163,232,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,82,0,0,0,0,0,20,109,254,250,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,250,158,1,0,0,0,0,146,254,218,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,41,0,0,0,94,237,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,169,247,154,57,117,239,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,176,254,254,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,135,85,247,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,70,249,165,8,0,191,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,227,22,0,28,237,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,254,40,0,0,129,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,123,1,0,18,248,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,250,238,14,0,0,171,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,203,0,0,52,234,232,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,251,254,85,0,76,235,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,181,123,243,215,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,212,247,159,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,144,221,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,251,251,251,218,217,61,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,251,148,110,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,251,251,251,251,253,251,251,251,251,253,210,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,201,130,0,0,79,232,255,253,253,253,124,73,31,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,71,0,0,0,0,77,149,251,251,251,251,253,189,20,0,0,0,0,0,0,0,0,0,0,73,251,251,235,61,0,0,0,0,0,10,35,190,215,241,253,251,221,217,87,0,0,0,0,0,0,0,0,73,251,251,142,0,0,0,0,0,0,0,0,0,0,103,175,251,251,251,251,0,0,0,0,0,0,0,0,73,251,251,142,0,0,0,0,0,0,0,0,0,0,0,21,174,251,251,251,0,0,0,0,0,0,0,0,73,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,42,228,253,253,0,0,0,0,0,0,0,0,73,251,251,142,0,0,0,0,0,0,0,0,0,0,0,42,206,251,251,251,0,0,0,0,0,0,0,0,73,251,251,142,0,0,0,0,0,0,0,0,0,0,27,228,251,251,235,86,0,0,0,0,0,0,0,0,73,251,251,142,0,0,0,0,0,0,0,0,0,47,211,253,251,235,82,0,0,0,0,0,0,0,0,0,73,251,251,142,0,0,0,0,0,0,0,105,180,211,251,253,147,61,0,0,0,0,0,0,0,0,0,0,73,253,253,175,21,0,0,0,0,53,125,253,253,253,201,130,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,174,145,144,144,144,221,253,251,251,188,30,0,0,0,0,0,0,0,0,0,0,0,0,0,10,159,251,251,251,253,251,251,251,251,242,112,35,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,158,251,251,253,251,235,142,142,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,71,71,72,71,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,136,221,254,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,114,34,76,224,253,254,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,241,232,253,202,80,159,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,253,254,253,202,19,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,255,124,0,0,45,245,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,253,124,2,0,0,70,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,251,128,0,0,0,0,112,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,128,0,0,0,0,0,229,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,134,17,0,0,0,0,93,254,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,228,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,211,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,209,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,231,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,254,19,0,0,0,71,156,119,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,179,3,16,118,200,241,253,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,239,24,88,235,254,253,253,253,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,206,70,244,253,254,174,87,34,153,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,96,253,253,253,133,9,0,0,0,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,254,254,244,83,0,0,0,0,0,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,254,253,209,40,0,0,0,0,0,91,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,245,102,79,48,0,0,0,13,213,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,253,231,214,76,0,0,107,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,185,206,45,0,46,128,248,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,169,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,133,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,104,2,0,0,0,57,74,108,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,254,244,242,242,242,242,252,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,254,254,254,247,189,153,104,70,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,254,128,64,21,21,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,242,75,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,221,126,44,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,139,237,254,254,206,85,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,64,207,249,254,167,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,223,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,47,2,0,0,0,0,0,3,189,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,219,11,0,0,0,0,56,182,254,194,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,13,0,8,9,56,141,244,253,163,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,181,177,248,254,255,252,206,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,227,249,234,168,168,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,160,205,7,0,0,0,0,0,0,13,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,235,223,19,0,0,0,0,0,0,12,183,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,67,0,0,0,0,0,0,0,80,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,47,0,0,0,0,0,0,0,170,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,151,0,0,0,0,0,0,2,185,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,235,0,0,0,0,0,0,17,254,158,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,235,0,0,0,0,54,134,209,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,239,57,147,161,245,251,224,220,237,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,227,254,254,219,131,73,18,149,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,66,66,10,0,0,0,198,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,86,141,170,170,226,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,170,255,255,255,255,255,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,255,170,226,198,86,86,57,0,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,98,215,243,159,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,253,212,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,223,230,250,254,224,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,146,3,0,132,254,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,240,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,202,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,246,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,237,139,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,237,255,254,177,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,249,253,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,232,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,248,253,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,161,84,0,41,120,254,253,249,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,250,209,248,253,254,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,253,253,253,253,246,57,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,253,197,65,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,38,38,153,255,210,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,190,253,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,222,247,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,230,253,253,180,102,156,253,253,253,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,229,253,206,65,14,98,232,222,250,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,247,123,14,0,48,233,145,109,252,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,226,37,0,4,119,233,144,0,79,247,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,253,52,0,0,136,253,145,4,0,0,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,184,19,38,161,244,60,5,0,0,7,244,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,253,253,212,95,0,0,0,0,98,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,175,13,0,0,0,0,0,183,244,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,124,124,27,6,0,0,0,0,0,57,251,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,106,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,189,253,148,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,173,91,6,42,180,253,213,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,249,253,253,215,238,253,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,250,253,253,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,238,143,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,200,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,255,253,255,253,198,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,255,253,254,253,254,253,254,253,254,253,254,139,57,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,251,253,251,253,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,57,255,253,255,253,198,28,169,168,254,253,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,83,0,0,84,83,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,141,253,255,253,255,253,254,84,0,0,0,0,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,114,253,251,253,251,253,251,196,28,0,0,0,0,253,251,253,251,253,251,0,0,0,0,0,0,0,0,141,253,254,253,254,253,254,253,0,0,0,0,29,85,254,253,254,253,254,196,0,0,0,0,0,0,0,0,253,251,253,251,253,251,196,83,0,0,0,0,197,251,253,251,253,251,253,83,0,0,0,0,0,0,0,0,255,253,254,253,254,253,114,0,0,0,141,253,254,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,0,0,57,168,253,251,253,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,255,253,254,253,254,253,85,197,254,253,254,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,253,251,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,255,253,254,253,254,253,254,253,254,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,253,251,253,251,253,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,254,253,254,253,226,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,253,251,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,169,225,169,168,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,136,186,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,216,226,217,187,65,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,251,119,15,0,30,95,151,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,72,0,0,0,0,0,26,199,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,82,1,0,0,0,0,0,15,163,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,236,0,0,0,0,0,0,1,125,219,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,236,0,0,0,0,0,0,109,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,244,147,2,0,0,0,149,191,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,20,0,0,148,176,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,164,194,14,106,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,200,206,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,237,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,190,161,195,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,142,214,13,0,192,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,93,0,0,74,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,159,216,5,0,0,18,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,50,0,0,0,67,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,236,0,0,0,22,179,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,240,124,88,124,207,167,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,160,230,160,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,221,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,72,222,254,253,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,236,253,254,164,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,254,253,232,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,254,223,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,199,253,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,236,97,138,63,47,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,249,253,119,163,230,249,253,225,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,69,50,0,65,160,220,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,205,0,0,0,0,0,70,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,54,0,0,0,0,0,120,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,46,0,0,0,0,43,237,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,46,0,0,0,9,184,254,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,129,0,0,55,203,254,255,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,251,163,106,235,253,253,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,224,253,254,253,253,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,103,228,194,152,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,120,253,157,254,176,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,246,252,252,252,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,219,252,252,252,252,252,253,252,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,205,252,252,196,121,53,10,10,59,179,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,188,252,247,126,19,0,0,0,0,0,105,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,106,0,0,0,0,0,0,0,153,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,59,1,0,0,0,0,0,0,0,176,248,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,223,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,229,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,226,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,250,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,252,252,0,0,0,5,44,44,56,56,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,204,151,198,198,203,240,241,252,237,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,252,252,252,253,252,252,251,248,244,135,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,252,252,253,252,235,142,65,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,252,161,99,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,185,109,128,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,249,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,248,252,252,213,108,226,226,228,226,226,226,226,226,226,226,144,0,0,0,0,0,0,0,0,0,0,91,248,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,250,101,0,0,0,0,0,0,0,0,0,79,245,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,248,88,0,0,0,0,0,0,0,0,0,0,198,252,252,252,243,198,122,66,66,66,66,66,66,94,235,246,118,0,0,0,0,0,0,0,0,0,0,0,30,225,252,252,212,0,0,0,0,0,0,0,0,0,55,71,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,239,133,133,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,253,253,253,253,253,255,253,204,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,224,252,252,252,252,253,252,252,242,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,26,111,158,158,204,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,129,252,252,242,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,145,252,252,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,54,54,131,186,219,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,160,173,173,231,252,252,252,252,253,252,252,176,17,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,252,252,252,252,252,252,252,252,240,225,176,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,252,252,252,249,238,238,161,106,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,252,252,146,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,221,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,219,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,183,253,253,240,74,0,0,2,30,119,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,253,253,183,135,56,142,253,213,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,187,253,253,255,245,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,86,208,254,253,253,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,139,155,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,200,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,200,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,194,255,254,171,101,18,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,242,253,253,253,253,253,253,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,227,133,82,110,200,245,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,237,253,223,38,0,0,0,0,54,203,220,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,51,0,0,0,0,0,0,21,208,248,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,29,0,0,0,0,0,0,0,81,253,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,244,11,0,0,0,0,0,0,7,202,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,243,10,0,0,0,0,0,0,0,137,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,147,0,0,0,0,0,0,0,0,30,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,64,0,0,0,0,0,0,0,0,30,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,65,234,253,29,0,0,0,0,0,0,0,0,30,253,208,16,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,73,0,0,0,0,0,0,0,0,30,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,147,0,0,0,0,0,0,0,0,83,253,194,5,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,201,6,0,0,0,0,0,0,1,153,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,248,253,11,0,0,0,0,0,0,82,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,111,0,0,0,0,0,0,152,253,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,252,112,0,0,0,0,167,252,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,206,237,84,84,120,201,249,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,209,253,253,253,253,253,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,135,218,217,135,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,204,253,165,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,197,234,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,10,122,228,252,247,172,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,213,229,252,252,151,253,252,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,253,239,244,244,25,76,244,253,153,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,233,96,44,187,142,0,0,82,240,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,233,62,0,66,233,37,0,0,0,159,252,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,96,0,0,229,59,0,0,0,0,47,240,253,133,0,0,0,0,0,0,0,0,0,0,0,0,60,241,226,0,0,0,0,0,0,0,0,0,0,114,255,197,0,0,0,0,0,0,0,0,0,0,0,0,197,252,150,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,197,252,25,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,197,252,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,198,253,0,0,0,0,0,0,0,0,0,0,0,126,255,84,0,0,0,0,0,0,0,0,0,0,0,0,197,252,0,0,0,0,0,0,0,0,0,0,57,243,234,28,0,0,0,0,0,0,0,0,0,0,0,0,197,252,89,0,0,0,0,0,0,0,0,0,172,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,163,0,0,0,0,0,0,0,13,138,246,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,242,116,7,0,0,0,10,79,255,253,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,253,252,187,169,70,169,197,252,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,252,252,252,253,252,252,252,244,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,103,177,252,253,227,139,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,44,0,0,0,0,157,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,219,0,0,0,102,251,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,176,0,0,0,226,252,222,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,207,252,93,0,0,0,240,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,241,68,0,0,130,249,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,212,0,0,29,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,212,0,0,133,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,216,10,0,133,253,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,93,1,139,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,93,14,252,253,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,93,14,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,230,115,252,253,247,240,197,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,252,252,253,252,217,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,252,252,253,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,252,245,108,158,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,66,59,0,133,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,183,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,255,141,0,0,0,0,0,0,0,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,29,0,0,0,0,0,0,170,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,114,0,0,0,0,0,0,141,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,170,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,29,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,141,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,29,0,0,0,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,114,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,29,0,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,198,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,204,255,216,199,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,123,252,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,191,136,145,191,201,59,125,90,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,238,137,2,0,0,0,0,0,128,253,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,201,3,0,0,0,0,0,0,0,205,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,193,0,0,0,0,0,0,0,0,96,254,235,29,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,140,0,0,0,0,0,0,0,0,8,230,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,14,223,106,0,0,0,0,0,0,0,0,0,126,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,37,241,24,0,0,0,0,0,0,0,0,0,111,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,58,0,0,0,0,0,0,0,0,0,118,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,100,0,0,0,0,0,0,0,0,0,102,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,113,0,0,0,0,0,0,0,0,0,97,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,188,0,0,0,0,0,0,0,0,3,203,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,193,0,0,0,0,0,0,0,0,40,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,217,15,0,0,0,0,0,0,0,176,201,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,136,0,0,0,0,0,0,45,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,248,217,44,0,0,0,0,47,205,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,176,17,0,0,91,230,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,198,254,237,230,230,250,168,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,120,204,254,215,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,213,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,164,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,254,230,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,212,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,217,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,241,254,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,172,173,213,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,192,151,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,0,0,82,243,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,172,10,0,0,0,203,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,41,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,90,0,0,0,0,0,162,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,142,20,0,0,0,0,0,123,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,82,0,0,0,0,203,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,254,253,254,253,234,152,152,233,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,252,253,252,253,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,253,234,253,254,253,254,253,254,131,41,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,151,50,91,71,212,253,252,253,252,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,153,253,234,233,214,213,214,253,254,233,102,20,163,162,102,20,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,255,253,234,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,233,232,233,130,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,57,121,198,254,192,121,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,108,178,213,250,247,253,253,253,254,253,242,198,23,0,0,0,0,0,0,0,0,0,0,0,0,0,95,232,253,253,253,253,253,253,253,253,254,253,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,198,158,110,110,254,253,253,253,243,56,0,0,0,0,0,0,0,0,0,0,0,0,254,253,193,186,151,53,17,0,0,36,254,253,253,253,164,14,0,0,0,0,0,0,0,0,0,0,0,0,67,66,7,0,0,0,0,0,3,159,254,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,254,253,189,80,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,254,253,169,27,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,254,253,253,253,225,120,14,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,134,85,114,230,254,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,13,34,214,245,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,195,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,109,241,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,187,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,174,243,253,253,253,247,192,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,41,105,207,253,253,253,245,213,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,253,253,253,232,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,247,255,246,253,199,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,121,57,169,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,99,253,124,73,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,145,206,251,251,251,253,251,159,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,251,251,251,251,253,251,251,158,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,188,142,189,251,253,251,251,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,30,0,31,71,72,174,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,206,251,251,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,251,251,235,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,231,253,251,225,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,228,253,253,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,206,251,251,251,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,251,251,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,211,253,251,235,142,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,251,251,253,251,86,0,0,0,0,0,0,0,0,0,27,180,180,0,0,0,0,0,0,0,0,73,253,253,253,253,255,253,227,73,73,73,73,73,73,202,202,73,228,253,253,0,0,0,0,0,0,0,0,176,251,251,251,251,253,251,251,251,251,253,251,251,251,251,253,251,251,251,251,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,251,251,253,251,251,251,251,253,251,251,235,86,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,251,251,253,251,251,251,251,253,251,157,82,0,0,0,0,0,0,0,0,0,124,251,251,251,251,253,251,251,173,71,72,71,71,71,71,72,71,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,152,254,253,254,253,254,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,252,253,171,151,151,213,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,183,102,0,0,0,0,41,243,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,10,0,41,214,253,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,212,203,243,253,252,253,232,203,162,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,254,253,254,253,244,162,163,203,103,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,151,232,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,0,7,18,1,0,0,0,0,0,17,18,18,41,167,217,19,0,0,0,0,0,0,0,0,0,0,31,197,70,189,254,159,154,154,154,154,154,246,254,254,254,254,243,30,0,0,0,0,0,0,0,0,0,0,0,81,241,254,254,254,254,254,254,254,254,254,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,49,107,183,128,183,183,183,92,121,65,65,175,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,186,254,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,209,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,250,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,248,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,203,170,214,214,229,254,253,214,214,214,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,254,254,254,254,254,254,249,128,79,23,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,5,36,227,254,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,185,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,218,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,76,139,159,169,138,138,76,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,120,186,252,252,253,223,206,206,248,253,173,13,0,0,0,0,0,0,0,0,0,0,0,0,19,38,174,253,252,252,195,130,69,25,0,0,63,69,69,19,0,0,0,0,0,0,0,0,0,0,0,0,38,211,252,203,139,45,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,201,11,0,0,0,0,24,45,86,138,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,202,252,136,0,0,38,151,253,252,252,252,252,199,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,247,80,101,240,252,247,183,151,69,69,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,232,252,252,210,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,252,252,116,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,253,253,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,239,113,240,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,146,0,82,240,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,21,0,0,165,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,9,179,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,0,0,0,0,53,244,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,22,0,0,0,0,138,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,216,111,19,0,32,170,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,252,219,207,228,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,158,252,252,252,128,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,149,184,246,148,148,88,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,243,254,253,246,225,253,254,197,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,174,253,253,180,91,19,14,110,171,127,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,42,0,0,2,22,22,22,57,128,128,128,128,128,28,0,0,0,0,0,0,0,0,0,0,148,253,253,253,95,65,64,168,253,253,254,253,195,190,190,201,253,246,99,11,0,0,0,0,0,0,0,0,148,253,253,253,253,254,253,253,253,209,148,68,4,0,0,7,157,253,253,86,0,0,0,0,0,0,0,0,131,254,254,254,254,231,212,115,36,0,0,0,0,0,0,0,104,254,254,130,0,0,0,0,0,0,0,0,11,99,168,168,81,27,0,0,0,0,0,0,0,0,0,15,212,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,193,253,243,100,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,187,254,232,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,116,240,253,237,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,211,254,255,244,168,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,156,243,254,253,202,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,207,243,253,236,215,91,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,187,254,253,248,190,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,237,147,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,127,122,3,39,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,236,254,231,189,254,199,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,206,254,254,250,249,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,215,143,24,7,181,254,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,228,18,0,0,0,14,215,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,160,18,0,0,0,0,0,201,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,54,0,0,0,0,0,0,0,201,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,206,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,99,135,160,237,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,154,245,249,254,254,254,254,254,240,111,28,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,254,254,254,254,255,254,254,255,254,120,21,0,0,0,0,0,0,0,0,0,0,0,0,77,225,254,174,43,43,174,254,248,128,43,108,254,254,254,197,104,2,0,0,0,0,0,0,0,0,0,0,147,254,157,54,141,239,253,243,115,0,0,1,30,155,253,254,254,250,250,83,0,0,0,0,0,0,0,0,60,235,254,254,254,254,143,50,0,0,0,0,0,0,73,198,254,254,235,27,0,0,0,0,0,0,0,0,0,138,206,146,146,95,15,0,0,0,0,0,0,0,0,26,84,52,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,7,86,130,130,219,254,254,254,254,212,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,148,253,253,253,253,253,253,253,253,253,253,253,206,15,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,253,253,240,240,253,247,235,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,237,207,105,105,28,29,105,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,234,36,0,0,0,23,32,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,242,161,161,161,161,229,253,181,161,59,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,253,253,253,253,253,253,253,253,253,222,120,5,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,253,253,253,253,253,241,204,243,253,253,253,253,129,4,0,0,0,0,0,0,0,0,0,0,0,0,6,74,89,119,74,74,74,56,0,58,74,117,245,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,253,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,60,0,0,0,0,0,0,0,100,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,237,244,60,0,0,0,0,0,0,139,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,169,13,0,0,0,0,0,33,234,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,186,0,0,0,0,0,0,199,253,253,157,2,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,247,65,0,0,0,0,83,231,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,253,209,80,0,83,145,249,253,253,157,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,249,236,249,253,253,253,161,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,33,216,253,253,253,253,253,253,107,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,129,220,253,217,90,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,79,79,136,221,254,223,254,181,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,157,194,253,253,254,253,253,253,253,253,249,59,0,0,0,0,0,0,0,0,0,0,0,0,0,130,236,250,253,253,251,191,134,105,84,17,17,29,222,204,41,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,220,77,25,0,0,0,0,0,0,56,230,249,55,0,0,0,0,0,0,0,0,0,0,0,0,26,197,125,19,0,0,0,0,0,0,25,120,232,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,253,253,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,226,253,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,251,253,253,222,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,254,253,253,178,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,180,253,254,253,171,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,254,254,255,124,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,180,253,253,253,99,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,251,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,248,253,243,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,236,253,248,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,253,236,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,253,248,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,249,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,150,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,249,161,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,183,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,254,254,246,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,241,177,168,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,148,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,249,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,251,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,191,123,0,0,0,0,0,17,74,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,224,80,0,0,0,0,3,177,254,243,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,238,47,0,0,0,3,129,254,254,254,89,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,67,0,0,0,0,97,254,254,254,254,122,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,95,0,0,0,43,195,254,193,168,233,99,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,125,0,0,0,134,254,254,160,81,252,152,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,175,0,0,0,53,254,244,39,163,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,209,218,56,0,0,123,254,162,73,183,220,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,215,238,62,27,75,254,237,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,217,254,254,233,254,242,216,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,132,165,212,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,217,208,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,253,254,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,169,253,253,155,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,243,253,253,185,59,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,253,154,58,14,59,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,255,114,0,0,0,23,230,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,226,21,0,0,0,96,247,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,213,12,0,0,31,224,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,54,0,37,219,254,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,218,98,219,253,231,238,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,208,38,118,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,203,83,9,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,211,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,171,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,192,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,219,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,200,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,220,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,137,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,191,28,0,0,0,0,0,164,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,205,9,0,0,0,39,221,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,14,0,0,0,60,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,14,0,0,0,191,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,243,248,142,4,0,0,0,191,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,189,252,222,0,0,0,0,0,139,252,188,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,252,169,0,0,0,0,0,208,252,132,0,0,48,58,0,0,0,0,0,0,0,0,0,0,0,46,231,252,252,100,0,16,11,0,0,208,252,132,0,32,155,231,45,0,0,0,0,0,0,0,0,0,0,60,252,252,252,239,149,185,146,0,0,208,252,203,149,222,252,199,24,0,0,0,0,0,0,0,0,0,0,36,217,253,253,253,253,253,253,253,255,253,253,253,253,253,197,8,0,0,0,0,0,0,0,0,0,0,0,0,37,192,192,192,192,248,252,252,253,252,252,252,234,174,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,88,88,89,223,252,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,252,195,90,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,157,252,252,252,197,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,147,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,218,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,180,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,230,247,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,250,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,233,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,191,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,193,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,226,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,222,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,223,254,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,254,197,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,254,235,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,225,254,243,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,248,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,240,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,187,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,236,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,244,115,210,250,250,214,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,254,239,245,254,254,254,254,247,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,248,223,223,234,254,218,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,176,58,0,0,26,244,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,255,254,254,60,0,0,0,96,247,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,118,0,0,84,235,254,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,220,254,254,225,219,219,254,254,240,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,248,254,254,254,254,254,234,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,210,150,150,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,218,254,255,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,219,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,218,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,68,0,0,0,0,82,93,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,236,253,68,0,0,0,95,246,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,68,0,0,0,124,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,68,0,0,0,124,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,184,15,0,0,124,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,190,12,13,190,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,253,233,233,253,253,248,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,242,253,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,129,141,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,170,253,238,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,196,253,232,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,109,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,255,253,253,237,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,228,252,253,252,252,252,252,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,240,252,252,253,252,252,252,252,253,233,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,236,225,223,223,223,239,253,252,202,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,157,50,0,0,0,0,63,174,252,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,246,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,226,225,225,225,225,238,252,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,252,252,252,252,253,252,239,181,57,32,19,57,19,0,0,0,0,0,0,0,0,0,0,0,38,224,252,253,252,252,252,252,253,252,252,252,252,216,196,252,84,0,0,0,0,0,0,0,0,0,0,0,57,252,252,190,112,221,252,252,253,252,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,57,253,190,0,147,253,253,190,141,140,140,153,253,255,253,228,47,0,0,0,0,0,0,0,0,0,0,0,182,252,158,147,249,252,252,112,0,0,0,3,27,27,152,52,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,239,180,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,253,226,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,243,213,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,211,0,0,0,0,0,0,5,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,30,130,197,99,0,0,0,0,0,0,75,189,1,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,254,221,13,0,0,0,0,0,7,216,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,232,49,0,0,0,0,0,0,63,254,223,7,0,0,0,0,0,0,0,0,0,0,0,0,6,127,254,243,49,0,0,0,0,0,0,8,170,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,123,0,0,0,0,0,0,0,72,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,220,209,209,182,195,168,182,209,235,254,194,23,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,254,254,254,254,254,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,157,254,254,238,237,160,204,204,204,204,249,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,109,22,29,0,0,0,0,48,251,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,251,240,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,237,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,224,141,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,181,240,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,142,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,184,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,170,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,40,130,137,137,229,241,146,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,232,210,254,194,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,46,24,9,176,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,0,0,72,193,254,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,214,87,176,248,254,206,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,249,255,254,254,202,117,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,194,148,58,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,6,7,109,139,226,239,210,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,66,142,165,165,221,214,225,254,254,220,154,90,55,0,0,0,0,0,0,0,0,0,0,0,0,0,160,232,254,254,254,254,254,238,167,134,64,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,105,247,254,243,179,179,177,80,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,88,254,254,159,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,168,254,254,243,105,86,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,254,254,254,206,140,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,227,254,254,254,254,254,254,254,254,251,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,254,203,105,105,105,159,223,254,254,230,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,124,7,0,0,0,0,19,129,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,243,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,81,163,254,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,205,254,254,254,253,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,192,200,196,235,253,254,254,254,200,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,254,254,254,240,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,135,213,223,158,110,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,141,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,251,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,248,254,212,20,0,0,0,0,4,102,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,244,27,0,0,0,0,0,134,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,190,0,0,0,0,0,49,247,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,254,110,0,0,0,0,11,208,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,76,0,0,0,5,131,254,254,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,208,89,55,156,235,254,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,254,254,254,254,242,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,151,177,213,148,125,253,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,210,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,65,149,123,62,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,126,210,248,254,254,255,254,239,161,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,131,211,249,248,210,137,35,35,35,59,215,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,94,235,254,246,173,53,0,0,0,0,0,47,245,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,208,50,0,0,0,0,0,0,18,198,254,172,8,0,0,0,0,0,0,0,0,0,0,0,0,0,149,125,4,0,0,0,0,0,0,0,234,254,254,220,118,63,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,157,157,157,203,249,159,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,187,254,221,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,197,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,87,186,235,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,150,124,124,124,171,218,254,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,245,254,254,254,254,240,185,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,61,116,148,100,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,154,253,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,197,252,253,252,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,253,252,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,253,227,228,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,190,0,7,204,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,165,57,150,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,253,252,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,252,252,253,252,252,252,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,225,250,254,222,113,238,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,84,65,0,225,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,227,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,43,43,43,43,43,43,87,148,148,156,253,253,254,218,12,0,0,0,0,0,0,0,0,0,0,0,36,241,252,252,253,252,252,252,252,253,252,252,252,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,252,252,252,252,253,252,233,231,231,170,126,11,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,216,189,180,84,172,190,110,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,18,0,9,106,106,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,61,183,253,253,253,254,218,192,122,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,245,126,21,21,83,161,187,237,252,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,98,0,0,0,0,0,0,48,242,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,218,11,0,0,0,0,0,0,0,79,253,239,17,0,0,0,0,0,0,0,0,0,0,0,0,4,103,106,0,0,0,0,0,0,0,0,0,0,148,253,127,0,0,0,0,0,0,0,0,0,0,0,0,22,189,0,0,0,0,0,0,0,0,0,0,0,69,252,205,0,0,0,0,0,0,0,0,0,0,0,0,22,247,47,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,7,196,147,0,0,0,0,0,0,0,0,0,0,43,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,169,235,0,0,0,0,0,0,0,0,0,0,130,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,80,0,0,0,0,0,0,0,0,36,255,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,243,111,43,0,0,0,64,85,155,242,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,253,252,242,232,232,233,247,252,252,252,241,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,252,253,252,252,236,189,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,42,95,191,147,191,147,94,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,210,254,176,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,242,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,206,121,253,253,217,164,81,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,243,220,10,22,210,253,245,233,243,231,219,118,2,0,0,0,0,0,0,0,0,0,0,0,0,0,20,230,231,88,0,0,0,249,148,0,36,145,245,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,128,0,0,0,0,249,137,0,0,0,71,216,241,110,0,0,0,0,0,0,0,0,0,0,0,4,194,205,22,0,0,0,0,233,33,0,0,0,0,108,253,194,4,0,0,0,0,0,0,0,0,0,0,66,253,133,0,0,0,0,0,51,0,0,0,0,0,5,180,253,65,0,0,0,0,0,0,0,0,0,0,147,253,58,0,0,0,0,0,0,0,0,0,0,0,0,134,253,109,0,0,0,0,0,0,0,0,0,0,209,241,28,0,0,0,0,0,0,0,0,0,0,0,0,134,253,109,0,0,0,0,0,0,0,0,0,0,168,215,17,0,0,0,0,0,0,0,0,0,0,0,0,136,253,108,0,0,0,0,0,0,0,0,0,0,111,253,111,0,0,0,0,0,0,0,0,0,0,0,19,239,253,9,0,0,0,0,0,0,0,0,0,0,188,253,34,0,0,0,0,0,0,0,0,0,0,0,120,253,207,5,0,0,0,0,0,0,0,0,0,0,110,253,34,0,0,0,0,0,0,0,0,0,0,35,167,175,22,0,0,0,0,0,0,0,0,0,0,0,111,253,84,0,0,0,0,0,0,0,0,2,92,227,214,10,0,0,0,0,0,0,0,0,0,0,0,0,36,225,204,0,0,0,0,0,0,0,19,129,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,244,106,4,0,0,0,0,17,202,253,244,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,241,253,95,0,0,0,73,216,253,213,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,252,245,244,245,250,253,123,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,156,253,253,253,194,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,251,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,128,158,153,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,49,148,100,78,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,190,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,189,122,12,33,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,79,79,82,139,203,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,153,157,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,106,176,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,3,0,0,0,0,0,0,120,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,145,86,9,12,67,37,97,238,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,172,251,166,255,199,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,70,212,254,254,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,130,247,245,253,215,206,237,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,199,253,202,80,46,9,0,95,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,69,0,0,0,34,229,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,159,25,0,0,7,170,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,253,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,166,251,196,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,195,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,254,186,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,182,254,253,234,163,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,129,215,253,254,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,220,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,170,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,120,254,255,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,243,253,253,124,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,253,234,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,228,111,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,61,148,192,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,216,253,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,246,252,214,91,128,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,170,232,221,215,101,0,0,153,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,82,18,0,0,80,241,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,125,0,0,0,61,253,250,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,231,51,0,36,227,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,252,233,57,119,250,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,163,247,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,231,159,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,234,92,9,104,252,172,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,238,28,0,14,163,247,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,231,0,0,0,0,144,242,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,236,14,0,0,0,18,239,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,237,120,0,0,0,8,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,247,188,128,162,190,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,127,252,253,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,147,226,155,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,157,241,255,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,246,254,221,216,226,239,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,250,98,9,0,15,194,136,104,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,106,0,0,0,0,132,254,254,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,93,0,0,0,0,80,254,254,210,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,175,1,0,0,0,7,208,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,238,254,9,0,0,0,27,237,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,86,0,0,15,191,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,235,245,126,64,192,249,247,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,254,254,230,101,198,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,95,36,24,234,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,248,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,239,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,184,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,168,155,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,228,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,195,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,254,203,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,242,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,233,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,254,254,159,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,255,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,215,254,132,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,222,255,248,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,225,253,243,236,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,247,238,97,21,10,194,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,154,49,0,0,162,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,212,13,0,0,0,180,153,105,136,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,99,13,4,0,0,180,227,253,245,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,226,15,96,13,0,69,192,80,203,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,177,0,141,147,174,143,15,0,196,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,238,211,251,207,74,6,0,0,196,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,90,90,8,0,0,0,24,251,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,194,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,249,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,155,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,34,43,81,81,81,81,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,138,157,223,229,254,253,253,253,239,172,57,0,0,0,0,0,0,0,0,0,0,0,0,29,20,167,187,236,253,253,253,253,254,253,233,217,253,253,243,173,51,0,0,0,0,0,0,0,0,0,175,216,203,253,253,253,225,142,206,80,80,80,50,26,80,187,253,253,240,0,0,0,0,0,0,0,0,0,228,241,226,226,191,93,29,0,0,0,0,0,0,0,0,20,203,253,248,161,0,0,0,0,0,0,0,0,0,57,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,247,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,247,253,194,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,201,207,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,212,254,254,219,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,255,248,148,64,170,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,176,254,87,33,0,0,20,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,133,0,0,0,0,14,236,129,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,183,6,0,0,0,0,20,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,81,0,0,0,0,0,17,245,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,245,30,0,0,0,0,0,11,227,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,166,0,0,0,0,0,0,44,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,136,0,0,0,0,0,0,183,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,136,0,0,0,0,0,157,245,227,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,224,39,0,0,0,111,233,60,196,240,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,225,85,85,193,251,55,13,231,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,203,254,254,199,48,0,20,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,59,54,0,0,0,56,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,221,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,90,156,156,218,254,254,201,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,88,132,215,216,248,254,254,238,235,188,136,136,46,0,0,0,0,0,0,0,0,0,0,0,0,61,177,242,254,254,254,254,217,108,78,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,130,227,254,254,254,112,19,19,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,236,254,254,194,163,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,254,147,23,0,91,165,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,203,254,221,137,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,127,246,254,241,150,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,99,159,223,254,148,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,69,151,241,216,132,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,101,242,254,212,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,118,235,246,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,193,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,122,0,0,0,0,0,0,0,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,118,10,0,0,0,0,26,222,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,159,18,0,7,79,211,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,118,235,239,236,236,254,254,185,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,217,254,223,140,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,102,226,254,63,0,0,42,144,144,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,233,138,43,67,158,250,253,162,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,253,206,100,217,253,253,245,82,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,252,154,121,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,236,198,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,180,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,236,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,200,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,210,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,230,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,251,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,131,10,41,113,228,253,195,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,202,248,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,230,253,186,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,137,255,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,133,18,181,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,149,0,0,145,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,50,0,0,113,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,94,0,0,0,145,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,218,13,0,0,0,221,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,179,0,0,0,68,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,60,0,0,0,73,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,88,55,28,0,142,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,204,230,224,222,102,230,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,52,12,147,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,188,0,0,69,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,72,0,0,153,144,66,228,134,0,0,27,111,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,72,0,51,197,30,0,38,188,163,147,155,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,72,11,193,114,0,0,0,0,18,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,118,150,190,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,227,195,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,43,43,139,148,236,254,253,245,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,242,253,252,252,252,252,253,252,252,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,236,134,56,21,21,21,84,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,198,253,133,0,0,0,0,0,7,196,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,104,54,0,0,0,0,0,0,55,235,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,221,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,31,246,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,217,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,121,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,33,0,0,0,0,0,143,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,244,198,6,0,0,0,0,229,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,246,27,0,0,0,0,157,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,210,254,86,0,0,0,0,0,228,250,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,18,0,0,0,0,3,247,216,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,234,254,205,6,0,0,0,0,142,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,228,193,240,208,124,47,194,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,232,254,254,254,234,213,202,254,248,254,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,253,148,32,20,10,20,69,170,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,151,43,0,0,0,0,0,0,136,254,145,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,12,0,0,0,0,0,0,2,189,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,225,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,247,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,228,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,64,64,64,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,191,255,255,128,64,255,255,64,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,191,255,255,64,64,191,255,128,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,255,255,191,0,128,255,255,64,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,128,255,255,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,255,255,128,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,64,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,128,128,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,52,172,247,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,253,253,228,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,219,212,120,69,93,135,232,253,245,109,121,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,227,253,253,253,253,253,253,253,221,113,54,229,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,32,213,253,253,249,223,229,253,253,188,212,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,232,253,225,104,0,14,69,93,207,253,247,184,81,0,0,0,0,0,0,0,0,0,0,0,0,6,165,252,253,182,37,0,0,0,0,0,7,81,124,242,252,129,2,0,0,0,0,0,0,0,0,0,21,140,253,253,188,39,0,0,0,0,0,0,0,0,0,74,246,253,86,0,0,0,0,0,0,0,0,0,75,253,253,222,33,0,0,0,0,0,0,0,0,0,0,0,156,253,194,32,0,0,0,0,0,0,0,0,156,253,252,53,0,0,0,0,0,0,0,0,0,0,0,0,7,159,253,176,0,0,0,0,0,0,0,0,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,253,0,0,0,0,0,0,0,0,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,253,0,0,0,0,0,0,0,0,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,187,0,0,0,0,0,0,0,0,254,253,170,17,0,0,0,0,0,0,0,0,0,0,0,0,14,145,249,61,0,0,0,0,0,0,0,0,152,253,253,136,0,0,0,0,0,0,0,0,0,0,0,57,211,253,177,0,0,0,0,0,0,0,0,0,5,199,253,252,175,35,35,35,9,0,0,0,16,102,184,248,249,109,9,0,0,0,0,0,0,0,0,0,0,32,222,253,253,253,253,253,204,189,189,189,218,253,253,225,103,0,0,0,0,0,0,0,0,0,0,0,0,0,6,96,177,232,253,236,253,253,253,243,208,142,100,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,54,33,54,54,54,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,195,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,146,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,248,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,244,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,240,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,209,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,212,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,242,252,209,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,195,252,252,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,189,252,252,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,252,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,252,253,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,161,252,252,252,253,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,255,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,252,249,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,252,252,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,253,252,252,168,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,253,252,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,252,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,252,253,252,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,252,181,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,174,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,220,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,76,255,253,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,196,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,252,64,117,252,252,252,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,252,168,2,24,106,54,232,252,241,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,215,21,0,0,0,0,43,231,255,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,110,0,0,0,0,0,0,42,232,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,187,19,0,0,0,0,0,0,0,107,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,24,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,197,252,190,50,0,0,0,0,0,0,0,0,24,252,252,45,0,0,0,0,0,0,0,0,0,0,0,38,233,253,53,0,0,0,0,0,0,0,0,0,24,253,253,46,0,0,0,0,0,0,0,0,0,0,0,142,252,252,0,0,0,0,0,0,0,0,0,0,97,252,187,17,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,85,222,252,69,0,0,0,0,0,0,0,0,0,0,0,38,240,252,157,0,0,0,0,0,0,0,0,34,218,253,172,13,0,0,0,0,0,0,0,0,0,0,0,47,252,252,85,0,0,0,0,0,0,0,32,218,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,23,0,0,0,0,0,3,66,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,252,117,0,0,0,0,43,170,252,252,120,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,123,70,101,184,246,253,208,100,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,236,252,253,252,252,252,252,98,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,137,253,252,221,137,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,211,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,127,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,127,0,0,223,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,127,0,0,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,72,0,0,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,191,52,13,254,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,230,254,253,115,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,214,254,254,254,255,254,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,63,126,188,254,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,247,240,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,250,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,171,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,242,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,221,251,189,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,156,254,241,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,238,48,234,211,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,238,238,61,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,114,243,202,53,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,186,38,0,40,96,230,254,202,195,181,62,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,254,184,75,128,209,252,254,254,254,250,224,251,253,9,0,0,0,0,0,0,0,0,0,0,0,2,143,254,254,219,232,254,252,208,126,223,254,108,20,60,75,2,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,221,157,39,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,194,254,244,149,67,18,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,85,27,0,0,0,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,221,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,71,130,175,220,254,175,165,96,72,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,206,255,230,222,152,68,143,132,142,136,214,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,199,98,12,0,0,0,0,0,0,0,55,212,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,12,0,0,0,0,0,0,0,0,0,45,241,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,200,0,0,0,0,0,0,0,0,3,85,110,110,110,82,3,0,0,0,0,0,0,0,0,0,0,87,253,239,41,0,0,0,0,0,0,83,212,253,253,253,253,253,209,57,0,0,0,0,0,0,0,0,0,29,232,253,108,0,0,0,0,0,42,243,253,253,253,253,253,253,253,221,78,0,0,0,0,0,0,0,0,0,197,253,170,0,0,0,0,3,210,253,253,186,109,109,117,223,253,253,149,0,0,0,0,0,0,0,0,0,197,253,170,0,0,0,0,85,253,253,186,15,0,0,0,17,190,253,186,0,0,0,0,0,0,0,0,0,50,236,249,32,0,0,0,110,253,253,11,0,0,0,0,0,212,253,198,0,0,0,0,0,0,0,0,0,0,140,253,155,0,0,0,110,253,253,5,0,0,0,39,148,243,253,149,0,0,0,0,0,0,0,0,0,0,90,253,230,15,0,0,101,253,253,13,0,33,156,241,253,253,240,95,0,0,0,0,0,0,0,0,0,0,12,208,253,230,81,68,70,213,253,206,171,249,253,253,253,246,30,0,0,0,0,0,0,0,0,0,0,0,0,61,240,253,253,253,253,253,253,253,253,253,253,240,139,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,196,247,253,253,253,253,253,253,223,164,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,46,91,149,149,91,46,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,254,255,254,214,133,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,253,253,253,253,253,253,175,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,123,245,46,10,31,153,238,253,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,118,0,0,0,0,69,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,16,97,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,166,168,253,253,253,170,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,248,253,253,253,236,41,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,120,222,253,253,148,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,169,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,120,251,220,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,79,169,63,0,0,0,0,0,32,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,253,186,45,0,0,0,0,0,126,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,224,18,0,0,0,0,0,24,209,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,216,115,115,115,115,131,230,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,236,253,253,253,253,253,253,253,187,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,53,82,91,171,213,132,46,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,252,252,112,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,85,85,252,250,250,250,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,252,250,250,250,250,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,196,250,250,250,252,250,250,250,250,239,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,250,250,250,250,217,41,146,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,252,252,252,217,0,0,128,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,250,250,250,41,0,0,127,250,250,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,250,250,250,41,0,0,127,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,137,14,0,57,210,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,83,0,36,224,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,252,252,83,0,78,252,252,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,83,71,252,250,250,194,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,167,230,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,250,250,252,250,165,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,244,252,250,250,250,250,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,183,252,254,252,252,252,252,255,238,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,223,250,252,250,250,250,250,238,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,250,250,250,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,223,252,250,250,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,250,144,41,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,3,102,137,137,245,250,137,60,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,171,254,254,254,239,219,240,254,151,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,254,254,62,0,49,195,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,254,254,238,92,65,6,0,0,65,235,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,198,72,0,0,0,0,0,0,184,239,29,0,0,0,0,0,0,0,0,0,0,0,0,31,204,251,254,183,11,0,0,0,0,0,0,0,184,254,140,0,0,0,0,0,0,0,0,0,0,0,85,217,254,254,246,5,0,0,0,0,0,0,0,0,184,254,153,0,0,0,0,0,0,0,0,0,0,21,218,254,254,254,119,0,0,0,0,0,0,0,0,0,184,254,210,10,0,0,0,0,0,0,0,0,3,72,254,254,254,113,4,0,0,0,0,0,0,0,0,8,196,254,191,7,0,0,0,0,0,0,0,0,18,254,254,254,192,9,0,0,0,0,0,0,0,0,0,26,222,254,153,0,0,0,0,0,0,0,0,0,55,254,254,233,60,0,0,0,0,0,0,0,0,0,0,84,254,254,62,0,0,0,0,0,0,0,0,0,137,254,254,183,0,0,0,0,0,0,0,0,0,0,0,166,254,223,22,0,0,0,0,0,0,0,0,0,137,254,254,183,0,0,0,0,0,0,0,0,0,0,28,247,254,171,0,0,0,0,0,0,0,0,0,0,76,254,254,183,0,0,0,0,0,0,0,0,0,68,131,213,254,111,0,0,0,0,0,0,0,0,0,0,18,254,254,183,0,0,0,0,0,0,0,0,28,187,255,254,202,22,0,0,0,0,0,0,0,0,0,0,15,214,254,196,31,0,0,0,0,0,0,63,247,213,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,27,233,254,230,21,0,7,25,129,128,96,254,254,254,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,117,233,254,208,202,207,146,203,202,203,165,53,53,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,236,254,254,254,254,254,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,17,76,135,155,227,135,81,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,34,14,0,0,92,255,214,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,254,205,0,0,177,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,254,253,48,0,184,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,70,0,251,254,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,70,0,251,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,190,254,236,15,35,252,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,146,254,249,147,0,137,254,254,43,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,169,119,119,216,254,254,254,254,214,178,25,0,0,0,0,0,0,0,0,0,0,0,0,2,103,218,254,254,254,254,254,254,254,254,222,219,226,253,98,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,254,217,199,151,159,254,254,245,9,0,92,74,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,249,169,31,0,0,58,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,0,0,0,0,111,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,238,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,229,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,252,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,248,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,225,253,207,132,132,13,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,222,252,252,252,252,252,253,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,78,252,252,252,252,252,252,253,252,175,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,252,252,253,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,192,192,157,72,72,124,192,253,252,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,85,222,253,252,252,213,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,214,252,252,253,252,238,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,252,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,252,252,253,252,252,222,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,255,253,253,253,224,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,228,228,242,252,252,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,96,113,240,252,252,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,38,33,0,0,0,0,5,66,225,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,35,215,235,167,0,0,0,32,136,252,252,252,252,162,10,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,232,90,73,188,225,252,252,252,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,252,252,252,252,252,253,252,252,252,232,76,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,253,252,252,187,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,227,252,252,252,252,253,242,127,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,189,177,252,136,132,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,131,253,255,231,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,143,251,254,253,253,254,253,196,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,229,129,130,204,253,253,160,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,233,85,22,0,0,32,227,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,69,0,0,0,0,0,47,253,254,166,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,159,233,37,0,0,0,0,0,2,127,254,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,22,204,253,190,0,0,0,0,0,0,0,20,232,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,69,0,0,0,0,0,0,0,0,225,253,219,11,0,0,0,0,0,0,0,0,0,0,0,0,165,254,196,6,0,0,0,0,0,0,0,0,187,253,254,65,0,0,0,0,0,0,0,0,0,0,0,0,164,253,178,0,0,0,0,0,0,0,0,0,126,253,254,64,0,0,0,0,0,0,0,0,0,0,0,0,164,253,178,0,0,0,0,0,0,0,0,0,86,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,165,254,178,0,0,0,0,0,0,0,0,0,148,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,178,0,0,0,0,0,0,0,0,0,225,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,178,0,0,0,0,0,0,0,0,75,244,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,245,22,0,0,0,0,0,0,24,244,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,127,0,0,0,0,0,19,198,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,254,239,102,35,35,35,116,202,254,244,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,253,254,253,254,253,253,254,248,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,191,254,254,254,254,254,253,185,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,106,153,232,153,134,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,64,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,64,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,191,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,176,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,238,253,222,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,246,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,255,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,255,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,217,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,247,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,142,253,250,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,219,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,185,254,173,171,93,65,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,254,205,23,4,193,254,245,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,94,0,16,225,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,239,16,0,71,254,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,94,0,0,121,254,254,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,154,0,0,182,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,253,17,0,210,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,69,42,251,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,196,254,195,114,254,254,234,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,166,254,254,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,110,241,254,246,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,244,254,250,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,132,169,216,226,167,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,254,254,188,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,248,254,169,18,8,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,144,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,250,216,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,244,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,175,0,9,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,130,74,189,229,208,208,135,81,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,241,250,254,254,254,254,254,254,203,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,228,124,56,56,129,142,216,254,249,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,194,0,0,0,0,0,9,81,235,254,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,219,17,0,0,0,0,0,0,16,224,254,169,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,178,2,0,0,0,0,0,0,37,221,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,254,126,5,0,0,0,0,0,0,18,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,255,198,77,3,3,15,92,99,183,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,215,254,254,185,212,254,254,254,254,246,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,213,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,247,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,248,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,240,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,231,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,188,17,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,211,145,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,254,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,156,239,223,156,156,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,147,235,245,234,150,135,226,233,238,235,147,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,228,159,48,0,0,0,0,0,18,128,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,92,13,0,0,0,0,0,0,0,0,9,211,235,32,0,0,0,0,0,0,0,0,0,0,0,0,0,96,24,0,0,0,0,0,0,0,0,0,0,175,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,127,253,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,98,188,217,254,245,116,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,239,254,254,254,255,254,254,201,81,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,253,250,195,39,46,135,226,248,170,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,78,66,0,0,0,0,0,98,223,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,232,209,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,8,206,238,36,0,0,0,0,0,0,0,0,0,0,0,0,83,245,131,88,9,0,0,0,0,0,0,0,2,181,250,54,0,0,0,0,0,0,0,0,0,0,0,0,30,223,253,253,211,138,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,19,117,235,253,235,226,136,136,136,197,250,240,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,155,254,253,253,253,253,231,147,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,170,255,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,241,253,148,131,211,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,187,253,242,128,0,22,161,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,236,54,0,0,147,168,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,254,124,0,0,19,237,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,13,174,253,190,2,0,0,170,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,220,253,244,67,0,3,91,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,245,253,160,0,0,57,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,136,104,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,115,165,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,247,200,240,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,234,84,30,202,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,237,136,0,0,9,159,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,181,6,0,0,0,0,254,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,223,75,0,0,0,0,0,97,251,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,182,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,207,0,0,0,0,0,0,0,139,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,232,42,0,0,0,0,0,13,226,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,180,219,207,116,116,116,116,221,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,194,254,253,253,253,161,77,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,220,254,216,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,190,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,218,254,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,187,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,255,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,255,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,254,253,193,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,253,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,41,0,0,0,173,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,172,30,0,0,0,0,10,172,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,102,0,0,0,0,0,0,102,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,61,0,0,0,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,102,102,102,142,163,162,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,253,254,253,254,253,254,253,92,51,92,10,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,171,91,50,50,131,253,252,253,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,132,253,214,10,0,0,113,233,254,233,0,82,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,62,142,253,252,151,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,253,254,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,192,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,199,254,121,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,253,187,97,97,112,234,234,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,253,253,253,253,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,253,253,253,253,253,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,225,219,219,219,151,82,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,253,253,253,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,253,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,207,253,253,117,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,244,189,90,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,253,253,223,203,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,167,253,253,253,253,253,253,253,253,220,55,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,170,226,92,89,89,89,181,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,125,61,0,0,0,0,15,200,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,242,253,123,0,0,0,0,12,189,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,165,2,0,0,16,102,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,253,253,201,77,63,173,253,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,236,253,253,253,253,253,253,253,253,158,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,232,253,253,253,253,253,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,164,253,253,238,116,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,115,186,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,233,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,223,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,200,253,253,147,0,0,0,0,0,0,0,0,0,42,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,98,0,0,0,0,0,0,0,11,225,238,225,186,15,0,0,0,0,0,0,0,0,0,0,154,253,253,207,15,0,0,0,0,0,0,56,130,253,253,253,253,38,0,0,0,0,0,0,0,0,0,10,210,253,253,47,0,0,0,0,0,0,20,126,253,253,253,253,253,209,21,0,0,0,0,0,0,0,0,93,253,253,253,47,0,0,0,0,0,0,213,253,253,229,239,253,253,253,135,0,0,0,0,0,0,0,0,164,253,253,203,14,0,0,0,0,42,177,241,253,245,32,72,237,253,253,135,0,0,0,0,0,0,0,0,255,253,253,146,0,0,0,0,13,119,253,253,253,115,0,0,183,253,253,226,0,0,0,0,0,0,0,0,210,253,253,109,0,0,0,0,97,253,253,253,201,3,0,40,242,253,253,198,0,0,0,0,0,0,0,0,136,253,253,182,0,0,0,0,95,253,253,253,151,3,14,194,253,253,253,201,0,0,0,0,0,0,0,0,136,253,253,185,3,0,0,18,208,253,253,253,34,79,249,253,253,253,201,66,0,0,0,0,0,0,0,0,136,253,253,253,47,0,1,155,253,253,253,253,253,253,253,253,246,129,64,0,0,0,0,0,0,0,0,0,115,253,253,253,140,48,108,253,253,253,253,253,253,253,253,244,98,0,0,0,0,0,0,0,0,0,0,0,5,151,253,253,253,253,253,253,253,253,253,253,253,253,201,57,0,0,0,0,0,0,0,0,0,0,0,0,0,24,227,253,253,253,253,253,253,253,253,253,253,150,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,253,253,253,253,253,253,216,45,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,50,135,135,22,73,37,135,80,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,148,254,172,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,219,253,253,220,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,253,253,249,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,30,121,217,245,251,151,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,233,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,237,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,23,23,6,121,255,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,166,235,253,253,188,242,254,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,253,253,253,253,254,239,108,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,250,194,253,253,249,250,253,253,233,98,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,180,150,253,240,119,57,128,161,252,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,94,0,0,0,0,63,138,203,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,230,249,76,9,0,0,0,0,0,0,12,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,215,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,203,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,38,0,0,0,0,37,209,251,252,223,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,222,65,56,137,165,253,252,252,238,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,252,252,252,252,253,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,131,232,246,246,193,253,252,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,0,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,58,96,91,101,143,239,255,224,96,86,34,34,34,34,23,0,0,0,0,0,0,0,0,0,9,96,176,216,252,252,252,252,252,252,253,252,252,252,252,252,252,241,192,14,0,0,0,0,0,0,0,0,34,252,252,252,252,252,252,252,252,252,253,252,252,200,153,153,53,36,19,0,0,0,0,0,0,0,0,0,2,39,121,121,121,121,121,191,252,252,169,44,10,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,90,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,232,150,133,133,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,136,217,217,234,254,244,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,176,254,236,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,208,253,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,149,253,253,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,207,253,253,253,115,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,253,253,253,253,254,251,230,230,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,167,253,149,132,132,254,253,253,253,251,207,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,205,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,169,226,253,181,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,137,253,253,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,168,253,253,204,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,137,229,254,245,94,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,98,195,232,253,253,198,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,236,253,253,253,206,87,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,155,86,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,238,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,191,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,245,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,224,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,248,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,231,118,187,203,203,130,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,217,254,228,183,199,172,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,143,179,203,254,63,0,0,27,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,154,89,0,70,254,78,0,0,97,246,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,6,0,0,30,240,129,0,57,240,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,176,21,121,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,238,218,239,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,175,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,63,171,255,225,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,254,254,254,254,183,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,254,254,254,254,222,31,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,236,249,254,196,204,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,249,151,57,109,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,173,0,0,44,254,254,208,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,254,236,14,0,0,2,203,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,254,252,87,0,0,0,0,202,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,203,0,0,0,0,0,202,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,244,76,0,0,0,0,60,251,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,247,254,201,0,0,0,0,0,139,254,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,171,0,0,0,0,0,205,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,53,0,0,0,0,125,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,9,0,0,0,56,237,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,196,3,0,0,42,220,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,246,110,33,106,238,254,254,113,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,242,244,254,254,253,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,249,254,254,254,230,112,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,157,194,150,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,196,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,76,210,255,255,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,200,243,197,222,250,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,226,131,30,0,0,42,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,198,121,0,0,0,0,0,159,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,134,7,0,0,0,0,0,85,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,133,15,0,0,0,0,0,0,239,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,83,0,0,0,0,0,0,83,250,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,202,12,0,0,0,0,0,0,158,214,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,159,0,0,0,0,0,0,0,223,174,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,110,0,0,0,0,0,0,30,242,224,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,80,0,0,0,0,0,0,128,255,245,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,139,0,0,0,0,0,4,193,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,237,113,9,0,0,0,136,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,218,228,203,143,169,104,227,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,16,66,16,10,0,207,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,171,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,224,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,253,203,165,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,249,252,242,91,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,253,152,140,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,203,255,253,253,253,253,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,27,152,186,252,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,109,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,195,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,73,227,253,252,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,156,252,252,240,99,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,173,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,154,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,210,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,97,55,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,235,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,208,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,22,0,0,0,0,0,65,174,150,188,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,215,12,0,0,0,0,30,229,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,141,10,0,0,0,19,63,236,117,205,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,0,59,221,207,77,9,189,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,0,221,254,143,0,23,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,75,252,164,4,0,138,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,78,253,111,15,100,250,241,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,141,0,0,78,253,224,213,253,246,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,246,25,2,18,225,254,253,249,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,206,172,253,253,255,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,138,237,253,253,253,253,210,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,191,191,143,95,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,255,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,196,0,0,0,0,89,163,226,225,225,75,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,184,0,0,79,216,253,253,254,253,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,84,0,0,216,252,252,252,222,208,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,57,252,252,244,56,0,126,253,252,252,214,25,13,209,252,253,84,0,0,0,0,0,0,0,0,0,0,0,57,252,252,175,0,38,237,253,252,252,40,0,0,197,252,253,184,0,0,0,0,0,0,0,0,0,0,0,57,253,253,126,0,198,253,254,247,50,0,0,0,198,253,254,197,0,0,0,0,0,0,0,0,0,0,0,57,252,252,231,57,234,252,253,196,0,0,0,0,197,252,253,196,0,0,0,0,0,0,0,0,0,0,0,38,234,252,253,183,209,252,253,215,19,0,0,19,215,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,147,252,253,246,246,252,253,227,31,0,0,57,252,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,38,238,254,253,253,253,254,253,165,79,0,120,253,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,252,252,253,252,252,215,120,225,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,224,252,252,253,252,252,252,253,252,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,190,253,252,252,252,241,115,28,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,157,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,78,231,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,237,148,237,0,0,1,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,188,8,0,0,0,29,128,189,120,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,118,0,0,0,0,191,252,252,229,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,133,2,0,0,92,239,252,237,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,14,0,0,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,129,252,186,21,53,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,252,207,228,253,252,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,253,253,253,255,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,252,253,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,222,252,252,249,237,89,223,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,136,0,50,229,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,59,0,236,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,252,59,18,253,244,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,161,203,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,247,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,241,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,103,191,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,58,155,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,254,225,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,165,188,253,230,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,154,226,254,237,113,168,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,234,254,189,64,143,254,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,248,254,131,148,250,254,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,254,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,122,254,239,214,247,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,60,38,0,205,254,254,124,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,220,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,251,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,217,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,222,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,255,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,249,254,255,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,254,254,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,154,154,138,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,92,214,255,254,255,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,253,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,245,86,10,10,149,253,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,115,0,0,0,69,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,239,7,0,0,0,38,247,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,238,0,0,0,0,0,192,253,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,231,0,0,0,0,0,192,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,134,0,0,0,0,11,207,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,22,0,0,0,0,42,253,253,143,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,187,253,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,53,87,19,220,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,62,185,247,253,242,253,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,248,253,249,175,241,253,253,253,253,202,79,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,220,251,160,89,115,249,253,253,242,248,245,253,241,158,78,0,0,0,0,0,0,0,0,0,0,0,0,210,253,200,20,155,253,253,240,145,36,63,49,156,186,186,94,0,0,0,0,0,0,0,0,0,0,0,0,244,253,182,154,253,253,200,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,253,253,250,128,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,226,253,224,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,29,94,159,201,190,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,222,234,237,254,249,191,254,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,245,254,254,254,254,242,150,225,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,254,159,211,139,166,254,253,254,209,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,234,128,160,253,120,8,87,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,11,96,252,235,0,0,5,101,248,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,254,254,215,8,0,0,216,254,225,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,151,254,253,167,8,0,0,97,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,199,0,0,0,0,75,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,246,44,0,0,0,140,254,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,119,0,0,5,219,248,250,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,197,5,0,107,254,120,169,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,254,237,236,249,247,44,169,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,219,254,254,245,58,0,169,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,86,82,0,0,0,169,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,71,134,190,122,202,213,122,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,242,224,98,0,0,0,0,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,240,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,238,235,95,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,236,233,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,145,191,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,141,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,186,138,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,255,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,242,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,214,207,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,201,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,209,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,205,131,155,230,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,150,207,132,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,227,245,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,112,216,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,242,252,244,127,47,170,129,0,101,232,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,183,49,0,0,0,0,54,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,103,14,0,0,0,0,98,246,253,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,212,27,0,0,0,0,0,101,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,217,27,0,0,0,0,0,64,239,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,200,0,0,0,0,0,31,221,252,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,152,16,0,0,0,218,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,235,253,221,149,0,132,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,243,253,253,253,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,158,252,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,123,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,252,155,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,199,7,165,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,250,70,0,43,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,43,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,144,16,18,192,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,231,239,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,155,226,147,147,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,132,214,213,92,92,51,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,203,253,252,253,252,253,252,253,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,253,255,253,244,223,203,203,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,151,213,90,40,20,0,0,50,131,213,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,213,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,233,252,253,252,253,232,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,253,203,243,254,253,254,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,212,91,50,0,40,50,91,213,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,41,0,0,0,52,92,214,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,243,203,203,203,253,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,253,255,253,255,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,172,252,151,232,192,70,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,156,231,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,250,253,216,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,254,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,254,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,254,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,244,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,253,170,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,195,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,220,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,198,85,86,85,86,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,255,253,255,253,254,253,254,253,254,253,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,255,253,255,253,254,253,254,253,254,253,254,253,85,28,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,169,255,253,255,253,255,196,0,0,57,168,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,83,0,0,0,0,84,196,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,114,0,0,0,0,0,0,0,254,253,254,253,57,0,0,0,0,0,0,0,0,0,57,224,253,251,253,251,0,0,0,0,0,0,0,0,253,251,253,251,168,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,0,0,0,0,0,0,0,0,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,168,253,251,253,251,0,0,0,0,0,0,0,0,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,169,254,253,254,253,0,0,0,0,0,0,85,197,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,0,0,0,0,0,114,253,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,198,85,85,85,254,253,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,56,253,251,253,251,253,251,253,251,253,251,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,114,114,254,253,254,253,254,253,254,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,223,188,105,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,230,235,254,186,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,125,213,12,22,122,237,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,85,0,0,0,51,236,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,246,8,0,0,0,0,55,237,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,99,0,0,0,0,0,0,108,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,240,30,0,0,0,0,0,0,18,204,221,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,230,0,0,0,0,0,0,0,0,63,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,230,0,0,0,0,0,0,0,0,10,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,230,0,0,0,0,0,0,0,0,8,238,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,230,0,0,0,0,0,0,0,0,0,163,218,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,230,0,0,0,0,0,0,0,0,0,73,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,230,0,0,0,0,0,0,0,0,0,73,233,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,57,0,0,0,0,0,0,0,1,152,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,135,0,0,0,0,0,0,0,10,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,247,23,0,0,0,0,0,0,61,244,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,164,17,0,0,0,0,38,221,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,183,254,135,46,0,4,133,248,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,255,245,226,228,254,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,70,189,254,176,93,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,13,13,59,133,133,134,133,209,254,254,254,254,162,2,0,0,0,0,0,0,0,0,0,2,95,145,218,253,253,253,253,253,253,254,253,253,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,88,253,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,160,2,0,0,0,0,0,0,0,0,133,253,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,253,11,0,0,0,0,0,0,0,0,133,253,253,253,253,253,253,253,253,253,225,253,253,242,193,210,253,253,253,11,0,0,0,0,0,0,0,0,99,253,253,253,236,180,180,77,60,60,32,60,60,49,0,18,217,253,253,11,0,0,0,0,0,0,0,0,3,48,48,48,37,0,0,0,0,0,0,0,0,0,0,0,206,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,198,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,148,234,253,253,188,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,149,253,137,3,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,214,253,254,131,173,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,162,253,252,131,10,10,172,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,244,81,0,0,0,102,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,162,0,0,0,0,61,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,213,102,203,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,213,10,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,183,0,0,102,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,61,0,0,102,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,253,0,0,0,102,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,0,0,0,142,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,255,253,0,0,113,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,82,41,233,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,151,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,187,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,230,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,254,131,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,164,253,209,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,220,57,60,155,112,45,45,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,248,253,253,253,254,253,253,253,253,202,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,253,253,253,205,143,143,186,253,253,253,233,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,234,44,0,0,0,0,0,59,111,198,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,16,227,253,103,0,0,0,0,0,0,0,0,0,232,209,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,22,0,0,0,0,0,0,0,0,118,250,209,0,0,0,0,0,0,0,0,0,0,0,0,9,192,253,111,1,0,0,0,0,0,0,0,39,228,252,142,0,0,0,0,0,0,0,0,0,0,0,0,172,253,217,19,0,0,0,0,0,0,22,66,223,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,62,202,253,253,145,29,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,150,0,0,0,9,60,137,247,253,233,108,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,208,45,45,113,228,253,255,222,118,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,212,253,253,253,253,253,253,115,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,215,253,249,143,110,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,207,253,255,206,113,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,218,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,195,102,55,56,180,208,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,180,252,153,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,243,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,191,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,196,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,19,88,197,197,135,57,13,0,0,0,67,240,252,252,253,201,43,0,0,0,0,0,0,0,0,0,0,76,196,252,252,252,253,252,187,75,29,169,196,252,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,113,252,220,112,112,112,237,252,252,252,253,252,252,252,173,63,0,0,0,0,0,0,0,0,0,0,0,0,192,253,133,0,0,0,0,198,253,253,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,133,0,48,85,210,246,252,252,253,252,252,139,85,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,177,73,227,253,252,252,252,252,253,252,252,252,252,198,197,153,7,25,0,0,0,0,0,0,0,0,38,139,252,252,252,253,252,252,217,84,146,223,223,223,223,253,252,211,150,99,0,0,0,0,0,0,0,0,0,38,221,252,252,112,112,112,37,0,0,0,0,0,0,112,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,191,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,168,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,174,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,237,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,252,96,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,252,253,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,232,252,241,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,242,134,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,252,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,104,207,207,131,0,0,0,0,0,0,0,0,0,0,0,122,252,252,63,0,0,0,0,0,0,0,43,168,253,252,252,202,11,0,0,0,0,0,0,0,0,0,5,191,253,243,0,0,0,0,0,0,0,7,212,253,231,203,253,161,0,0,0,0,0,0,0,0,0,0,68,252,252,137,0,0,0,0,0,0,0,91,252,252,46,178,240,79,0,0,0,0,0,0,0,0,0,0,161,252,252,54,0,0,0,0,0,0,0,184,252,252,138,252,151,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,38,240,252,252,253,172,13,0,0,0,0,0,0,0,0,0,0,22,244,252,252,22,0,0,0,0,0,0,47,252,252,252,243,50,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,23,0,0,0,0,0,3,118,253,253,243,53,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,22,0,0,0,38,99,170,252,252,193,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,190,123,91,184,240,252,253,252,170,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,252,252,253,252,252,252,252,161,87,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,137,253,252,221,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,156,255,254,254,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,185,250,237,136,135,135,236,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,128,18,0,0,0,136,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,195,9,0,0,0,0,136,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,245,48,0,0,0,0,0,174,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,211,0,0,0,0,0,49,246,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,135,0,0,0,0,0,86,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,203,0,0,0,0,37,199,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,251,166,136,212,175,228,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,148,253,253,253,155,238,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,232,186,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,144,191,255,254,187,68,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,254,254,254,254,254,254,239,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,188,142,74,162,249,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,19,2,0,0,0,124,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,218,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,250,254,246,167,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,197,254,254,176,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,83,225,254,232,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,142,254,251,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,106,11,0,0,0,0,0,0,0,0,39,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,236,161,49,0,0,0,0,0,0,39,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,228,254,254,246,122,22,0,0,0,0,105,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,169,249,254,254,229,131,11,1,60,248,250,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,208,254,254,254,238,167,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,217,254,254,254,254,234,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,128,210,250,157,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,192,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,231,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,228,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,173,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,163,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,52,233,255,196,202,180,136,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,253,253,253,253,253,253,253,223,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,253,253,253,253,253,223,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,190,128,182,227,253,253,253,225,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,253,253,181,6,0,0,49,227,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,165,253,253,202,107,55,0,0,45,171,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,251,253,253,253,248,243,243,245,253,253,253,247,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,253,253,253,253,253,253,253,240,121,7,0,0,0,0,0,0,0,0,0,0,0,0,0,45,243,253,253,253,253,253,253,253,253,253,253,253,253,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,87,194,204,253,208,194,87,82,229,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,17,209,253,171,3,0,10,59,14,0,0,0,113,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,0,30,253,253,240,29,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,0,3,173,253,253,35,0,0,0,0,0,0,0,0,0,0,0,54,253,253,152,1,0,0,0,0,0,0,0,30,252,253,253,96,0,0,0,0,0,0,0,0,0,0,0,23,216,253,253,25,0,0,0,0,0,0,0,99,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,210,100,18,0,15,8,44,163,217,253,253,177,12,0,0,0,0,0,0,0,0,0,0,0,0,53,241,253,253,253,209,183,205,194,247,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,253,253,253,253,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,139,202,253,253,253,253,253,253,253,194,152,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,154,226,190,190,135,75,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,226,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,236,203,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,239,237,21,0,0,0,0,0,1,9,9,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,172,0,0,0,0,14,105,188,254,254,192,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,123,0,0,0,43,233,254,254,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,123,0,0,71,231,254,225,78,146,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,57,0,11,198,254,195,14,4,190,254,174,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,110,0,135,254,142,14,0,136,254,216,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,179,8,148,254,109,2,122,245,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,220,254,142,107,254,193,205,254,226,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,244,254,254,255,225,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,120,198,198,225,198,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,119,195,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,163,225,81,207,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,134,254,153,0,199,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,202,5,0,199,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,228,33,0,24,234,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,249,95,0,0,56,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,189,0,0,8,177,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,106,0,6,133,253,238,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,61,91,170,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,255,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,63,173,212,254,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,253,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,254,228,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,253,223,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,234,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,214,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,255,157,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,248,244,45,50,143,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,220,253,253,173,52,0,88,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,253,253,200,24,0,0,88,253,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,253,253,245,58,0,0,0,75,248,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,245,103,0,0,0,0,0,135,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,135,253,253,179,0,0,0,0,0,0,30,233,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,244,63,0,0,0,0,0,0,0,223,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,119,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,0,6,177,253,243,63,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,216,0,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,116,0,0,0,0,0,0,0,0,116,248,253,42,0,0,0,0,0,0,0,0,0,0,0,0,143,253,238,47,0,0,0,0,0,0,0,73,247,253,165,3,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,137,0,0,0,0,0,0,76,209,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,216,0,0,0,0,76,100,224,253,253,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,250,147,106,106,197,248,253,253,253,214,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,253,253,253,253,253,253,253,253,253,215,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,207,253,253,253,253,253,221,228,119,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,147,171,129,129,38,4,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,91,0,0,31,92,152,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,50,21,142,233,252,253,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,224,20,173,253,244,122,123,243,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,162,0,253,212,81,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,102,102,254,151,0,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,102,102,253,151,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,102,0,234,253,0,0,0,203,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,183,0,30,91,0,0,82,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,131,0,0,0,21,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,123,0,62,203,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,255,253,255,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,192,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,237,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,234,253,253,253,244,243,151,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,251,150,198,246,254,253,253,246,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,242,117,0,0,48,118,188,253,253,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,250,21,0,0,0,0,6,109,253,253,198,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,165,0,0,0,0,0,0,0,109,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,83,0,0,0,0,0,0,0,16,227,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,205,7,0,0,0,0,0,0,0,0,166,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,57,250,199,0,0,0,0,0,0,0,0,0,167,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,166,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,166,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,227,29,0,0,0,0,0,0,0,31,250,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,253,79,0,0,0,0,0,0,22,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,234,17,0,0,0,0,0,138,253,171,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,132,55,8,0,26,199,250,228,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,223,155,255,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,227,253,253,253,253,253,210,99,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,230,253,186,143,143,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,169,255,254,255,213,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,209,253,253,253,253,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,246,253,225,139,85,104,230,253,176,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,239,150,0,0,0,0,81,252,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,208,253,167,0,0,0,0,0,0,244,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,70,0,0,0,0,0,0,244,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,59,0,0,0,0,0,0,244,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,237,39,0,0,0,0,0,76,251,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,205,0,0,0,0,0,0,98,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,230,253,181,0,0,0,0,0,0,98,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,249,62,0,0,0,0,0,0,183,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,248,50,0,0,0,0,0,40,230,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,0,168,253,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,249,60,0,0,0,0,60,237,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,0,188,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,91,249,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,125,0,51,172,245,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,249,251,253,253,251,78,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,178,253,253,253,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,253,253,200,123,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,175,0,0,0,0,50,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,208,36,211,209,209,230,214,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,212,248,108,53,90,125,238,238,251,243,86,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,93,0,0,0,0,0,0,224,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,245,253,14,0,0,0,0,0,0,92,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,86,245,253,237,12,0,0,0,0,0,0,22,201,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,237,56,0,0,0,0,0,0,0,0,179,253,163,0,0,0,0,0,0,0,0,0,0,0,0,15,246,253,82,0,0,0,0,0,0,0,0,0,179,253,163,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,74,0,0,0,0,0,0,0,0,58,236,253,163,0,0,0,0,0,0,0,0,0,0,0,36,217,253,253,74,0,0,0,0,0,0,0,0,75,253,253,163,0,0,0,0,0,0,0,0,0,0,0,61,254,254,179,0,0,0,0,0,0,0,0,0,226,254,254,14,0,0,0,0,0,0,0,0,0,0,0,60,253,253,178,0,0,0,0,0,0,0,0,0,224,253,141,3,0,0,0,0,0,0,0,0,0,0,0,60,253,253,90,0,0,0,0,0,0,0,1,87,243,233,42,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,178,0,0,0,0,0,0,0,87,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,200,22,0,0,0,0,0,63,191,253,231,69,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,92,0,0,0,18,93,240,253,239,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,239,134,134,134,205,254,253,245,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,169,253,253,253,253,253,253,253,255,232,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,150,253,253,253,253,253,253,147,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,147,253,253,253,226,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,185,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,247,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,250,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,65,0,0,0,55,157,197,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,0,0,0,0,204,206,86,201,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,204,0,0,0,110,253,5,0,23,230,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,200,0,0,18,235,145,0,0,0,90,249,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,174,0,0,108,254,95,0,0,0,0,110,246,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,189,0,0,192,242,28,0,0,0,0,0,200,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,65,0,207,190,0,0,0,0,0,0,51,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,249,159,30,251,116,0,0,0,0,0,0,41,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,250,185,254,112,0,0,0,0,0,35,229,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,254,254,153,32,87,112,112,136,225,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,147,254,254,254,255,248,206,136,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,254,159,32,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,133,180,144,133,134,64,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,106,171,253,253,232,229,229,243,253,186,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,217,253,245,217,119,14,0,0,51,112,253,166,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,198,64,0,0,0,0,0,0,9,109,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,72,24,0,0,0,0,0,0,0,0,28,233,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,242,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,110,110,121,245,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,254,253,253,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,122,185,242,242,227,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,145,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,219,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,174,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,201,218,218,213,98,98,98,184,228,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,254,253,253,253,253,253,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,116,184,137,132,132,132,132,132,98,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,125,238,143,125,228,254,254,160,215,254,187,241,201,248,122,0,0,0,0,0,0,0,0,0,0,0,0,232,253,253,253,253,253,253,253,253,253,253,253,253,253,186,132,0,0,0,0,0,0,0,0,0,0,0,163,252,253,253,253,253,253,253,253,253,253,236,142,142,66,6,0,0,0,0,0,0,0,0,0,0,52,232,252,253,253,162,149,109,19,19,19,19,19,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,118,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,183,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,168,212,203,253,253,253,222,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,19,162,243,253,253,241,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,181,241,253,240,105,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,180,253,253,185,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,180,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,180,253,207,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,240,239,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,193,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,151,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,181,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,26,20,20,20,20,128,179,253,253,253,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,253,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,170,253,253,253,253,253,252,247,152,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,237,142,123,123,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,247,254,254,195,145,66,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,253,253,253,216,215,244,206,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,153,253,253,238,80,0,0,82,212,242,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,236,57,0,0,0,0,0,130,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,179,0,0,0,0,76,176,141,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,103,0,0,0,73,243,253,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,37,0,0,0,198,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,9,0,0,15,231,253,187,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,54,0,0,226,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,235,253,193,25,95,254,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,182,254,254,254,255,254,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,136,253,254,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,253,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,250,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,251,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,253,246,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,252,157,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,231,193,193,193,193,193,193,179,115,193,193,193,52,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,253,253,253,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,27,68,157,222,222,222,251,253,253,253,253,253,244,119,68,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,253,253,253,219,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,253,253,253,253,252,231,231,227,78,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,188,230,251,253,253,253,253,253,253,253,253,158,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,129,129,129,129,186,253,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,153,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,16,11,11,16,58,175,253,253,253,253,250,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,132,253,211,212,253,253,253,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,253,253,253,253,253,253,238,186,38,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,246,253,253,253,249,245,245,175,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,145,145,145,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,22,0,17,240,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,103,195,18,0,116,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,175,247,18,0,0,116,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,243,73,0,0,0,184,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,221,202,0,0,0,67,251,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,81,0,0,0,160,254,231,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,207,7,0,0,19,212,199,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,169,0,0,0,142,232,177,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,220,29,19,110,233,78,215,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,227,224,254,128,2,216,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,95,95,95,19,61,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,243,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,203,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,70,132,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,37,144,181,247,249,238,175,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,124,222,254,240,203,138,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,216,250,255,254,155,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,212,254,254,247,116,31,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,223,254,241,143,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,217,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,216,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,236,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,184,236,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,220,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,0,0,0,0,0,197,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,202,95,40,29,169,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,183,250,248,246,249,123,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,97,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,113,130,130,191,191,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,136,136,174,253,253,253,253,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,99,221,253,253,253,253,253,253,253,253,253,253,235,0,0,0,0,0,0,0,0,0,13,15,38,74,44,200,220,253,253,253,253,253,253,253,253,243,252,242,5,0,0,0,0,0,0,0,0,20,203,210,253,253,233,222,228,253,253,253,253,253,227,161,161,69,92,53,0,0,0,0,0,0,0,0,0,148,253,253,250,140,34,0,19,180,185,126,119,93,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,233,44,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,253,203,174,149,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,253,253,253,253,237,180,146,117,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,134,191,191,199,253,253,253,253,253,253,253,199,186,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,61,143,185,200,253,253,253,253,253,201,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,55,55,152,239,253,253,232,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,71,0,0,0,0,0,0,0,79,200,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,32,0,0,0,0,0,0,0,15,223,253,184,6,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,230,135,75,0,0,0,0,0,78,230,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,253,253,247,196,190,223,223,223,248,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,253,253,253,253,253,253,253,253,253,209,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,253,253,253,253,253,253,253,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,97,219,253,253,253,216,176,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,36,96,5,4,2,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,149,156,255,254,254,254,216,194,156,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,241,253,253,254,236,233,233,241,246,253,253,217,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,192,78,12,0,0,30,48,78,78,179,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,126,16,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,27,193,253,253,195,15,0,0,0,0,0,0,40,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,254,255,163,18,0,0,0,0,0,0,0,37,36,59,27,0,0,0,0,0,0,0,0,0,0,0,0,36,218,254,253,128,2,0,0,0,0,19,58,201,236,203,25,0,0,0,0,0,0,0,0,0,0,0,0,0,30,223,253,253,87,0,19,86,175,247,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,202,253,243,159,201,253,253,247,138,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,254,245,126,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,224,254,254,254,255,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,253,239,142,218,254,220,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,254,247,54,0,30,223,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,253,244,85,0,0,0,66,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,83,0,0,0,0,36,238,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,155,0,0,0,0,0,0,118,254,238,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,126,0,0,0,0,0,0,125,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,176,130,79,79,79,176,241,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,93,253,254,253,253,253,253,254,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,58,155,238,253,253,253,254,245,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,148,218,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,102,191,237,252,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,206,188,237,252,253,252,251,134,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,252,252,252,243,189,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,35,253,252,252,226,147,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,85,247,254,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,242,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,246,252,161,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,247,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,253,200,122,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,231,252,252,226,191,111,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,74,152,231,253,252,181,57,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,120,242,205,217,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,37,235,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,192,255,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,57,0,0,0,0,29,137,232,252,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,246,179,127,127,233,239,252,252,252,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,237,252,252,252,253,252,252,236,189,84,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,95,217,252,147,147,103,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,132,155,195,155,71,56,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,74,210,252,254,254,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,254,254,244,189,130,92,189,244,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,248,244,161,35,0,0,0,0,215,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,39,0,0,0,0,0,0,215,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,154,251,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,170,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,254,175,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,254,232,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,254,230,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,230,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,131,254,254,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,226,254,215,49,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,201,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,200,254,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,16,0,0,0,0,0,170,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,219,114,55,91,91,135,233,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,254,251,254,254,254,242,160,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,174,254,191,154,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,248,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,253,213,146,199,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,254,108,17,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,237,253,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,157,253,147,0,0,0,43,151,201,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,215,31,0,0,0,0,18,106,243,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,235,34,0,0,0,0,0,0,54,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,194,249,131,0,0,0,0,0,0,0,54,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,206,0,0,0,0,0,0,0,0,54,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,43,229,253,80,0,0,0,0,0,0,0,0,54,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,137,0,0,0,0,0,0,0,0,0,54,255,94,0,0,0,0,0,0,0,0,0,0,0,0,0,214,189,4,0,0,0,0,0,0,0,0,29,209,215,5,0,0,0,0,0,0,0,0,0,0,0,0,134,249,186,0,0,0,0,0,0,0,0,30,207,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,73,0,0,0,0,0,0,0,30,206,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,124,0,0,0,0,0,0,0,45,233,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,236,42,0,0,0,0,0,0,23,198,253,175,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,228,37,0,0,0,0,0,105,207,253,106,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,144,22,19,42,161,161,255,242,107,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,152,253,231,220,253,253,246,177,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,154,253,232,120,120,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,83,0,0,0,0,0,169,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,243,218,14,0,0,0,0,169,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,162,0,0,0,0,4,201,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,79,0,0,0,0,10,254,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,221,254,9,0,0,0,0,94,254,211,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,219,6,0,0,0,19,200,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,210,248,84,0,0,0,48,203,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,235,0,0,0,71,248,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,157,0,40,194,242,218,92,208,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,178,117,251,254,190,28,0,198,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,222,254,254,241,107,3,0,0,198,237,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,131,100,29,0,0,0,19,225,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,170,253,253,255,253,169,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,212,252,252,252,252,207,214,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,236,253,252,252,195,130,0,13,171,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,253,252,252,45,0,0,0,13,121,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,22,205,252,252,253,252,252,45,0,0,0,0,9,232,253,217,32,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,255,249,115,0,0,0,0,0,0,53,244,253,184,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,249,168,0,0,0,0,0,0,0,0,138,252,196,9,0,0,0,0,0,0,0,0,0,0,161,252,252,85,63,0,0,0,0,0,0,0,0,0,55,252,252,77,0,0,0,0,0,0,0,0,0,9,194,252,176,4,0,0,0,0,0,0,0,0,0,0,15,219,252,194,9,0,0,0,0,0,0,0,0,24,252,252,56,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,87,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,23,0,0,0,0,0,0,0,0,138,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,138,252,183,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,252,22,0,0,0,0,0,0,0,0,97,252,240,37,0,0,0,0,0,0,0,0,0,0,0,118,252,252,218,14,0,0,0,0,0,0,0,0,13,211,252,98,0,0,0,0,0,0,0,0,0,0,0,191,252,252,108,0,0,0,0,0,0,0,0,0,0,151,253,253,33,0,0,0,0,0,0,0,0,0,11,255,253,215,21,0,0,0,0,0,0,0,0,0,0,17,188,252,211,95,0,0,0,0,0,0,0,81,203,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,51,183,246,247,163,70,70,38,0,45,101,240,252,253,187,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,252,252,252,232,208,236,252,252,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,189,232,252,253,252,252,210,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,138,139,191,222,253,253,244,118,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,194,252,253,252,252,252,252,253,252,227,67,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,189,173,90,100,111,130,190,252,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,139,14,0,0,0,0,0,5,119,227,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,252,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,93,93,93,93,93,93,25,0,0,253,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,43,168,243,252,252,252,252,253,252,236,188,63,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,81,253,253,255,253,253,234,251,255,253,253,253,253,202,253,253,46,0,0,0,0,0,0,0,0,0,0,30,228,252,252,228,132,92,17,84,103,206,240,252,210,201,252,252,45,0,0,0,0,0,0,0,0,0,0,130,252,252,189,32,0,0,0,0,0,0,50,69,6,253,252,202,13,0,0,0,0,0,0,0,0,0,0,161,252,218,14,0,0,0,0,0,0,0,0,0,0,253,252,240,37,0,0,0,0,0,0,0,0,0,0,161,252,202,11,0,0,0,0,0,0,0,0,43,168,253,252,189,4,0,0,0,0,0,0,0,0,0,0,151,253,253,148,11,0,0,0,0,0,0,49,180,253,255,249,115,0,0,0,0,0,0,0,0,0,0,0,17,135,252,252,193,38,0,0,0,47,120,228,252,252,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,246,253,240,184,184,184,253,252,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,252,252,252,252,253,252,252,176,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,137,168,252,252,190,117,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,155,214,255,231,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,182,251,254,253,253,254,253,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,170,89,113,218,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,254,235,97,1,0,0,29,253,250,188,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,253,253,184,0,0,0,0,5,196,254,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,253,24,0,0,0,0,14,246,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,14,0,0,0,0,16,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,198,253,130,10,0,0,0,16,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,152,254,253,208,78,0,0,53,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,67,220,253,253,253,149,173,251,253,254,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,253,173,153,253,250,253,254,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,131,156,142,216,69,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,30,16,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,187,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,193,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,249,254,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,247,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,248,254,254,203,61,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,173,253,254,254,203,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,206,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,205,254,254,208,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,206,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,246,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,219,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,244,33,0,0,0,137,187,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,233,254,150,0,0,0,38,223,255,254,211,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,103,0,0,0,0,81,200,254,254,254,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,238,53,0,0,0,0,0,15,133,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,253,98,0,0,0,0,0,0,1,13,69,241,185,0,0,0,0,0,0,0,0,0,0,0,0,0,52,235,254,147,0,0,0,0,0,0,0,0,0,221,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,252,200,66,63,46,46,63,63,130,200,247,226,41,0,0,0,0,0,0,0,0,0,0,0,0,0,88,241,254,254,254,254,234,235,254,254,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,234,244,254,254,254,254,254,254,254,246,189,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,176,206,154,153,117,117,117,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,131,194,235,254,254,254,166,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,143,251,253,248,202,121,90,143,153,230,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,243,113,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,233,44,0,0,0,0,0,51,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,183,43,0,0,0,116,246,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,190,2,0,21,228,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,166,153,60,243,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,239,219,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,253,135,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,200,253,170,197,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,180,0,136,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,251,205,18,0,60,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,231,199,20,0,0,20,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,212,19,0,0,1,73,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,237,99,0,0,0,5,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,139,226,6,0,14,55,176,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,149,0,0,130,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,240,186,118,239,179,90,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,181,99,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,186,254,178,97,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,247,247,236,253,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,216,84,12,115,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,226,254,83,0,0,0,238,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,231,24,0,0,0,156,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,99,0,0,0,0,59,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,147,3,0,0,0,59,253,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,205,27,0,0,0,59,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,8,0,0,0,0,127,253,240,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,213,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,70,154,253,254,199,69,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,222,253,253,253,254,253,253,146,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,231,255,254,254,254,254,196,222,254,254,254,179,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,186,200,253,250,121,0,18,107,188,233,234,223,30,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,224,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,235,253,254,253,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,230,231,111,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,172,195,251,254,187,213,213,158,158,158,186,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,254,254,254,254,254,254,254,254,254,254,254,254,253,79,0,0,0,0,0,0,0,0,0,0,0,0,92,233,162,162,142,67,67,67,72,162,162,235,254,254,215,24,0,0,0,0,0,0,0,0,0,0,0,0,2,3,0,0,0,0,0,0,0,0,87,253,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,149,251,254,254,130,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,141,240,254,254,250,104,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,251,254,254,254,208,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,254,224,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,240,254,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,45,164,245,254,254,253,213,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,141,252,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,227,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,205,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,10,0,0,202,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,143,249,81,0,202,254,243,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,209,254,217,95,108,249,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,75,227,254,219,102,58,147,254,254,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,190,214,254,254,254,251,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,254,254,254,254,243,203,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,254,254,254,162,152,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,197,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,180,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,242,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,215,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,210,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,226,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,225,226,156,133,24,13,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,253,253,253,198,76,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,217,217,245,253,253,253,253,254,253,194,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,84,130,205,228,254,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,138,253,253,240,153,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,129,226,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,243,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,217,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,13,6,0,0,55,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,118,145,187,202,253,198,134,25,178,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,253,253,253,253,253,254,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,25,186,253,253,253,253,253,253,254,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,207,152,72,72,72,138,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,7,202,253,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,41,94,253,253,253,253,253,237,29,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,226,120,98,207,235,254,253,253,253,253,253,180,5,0,0,0,0,0,0,0,0,0,0,0,0,32,165,253,253,253,253,253,253,254,253,185,64,53,196,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,132,231,253,253,195,128,11,5,0,0,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,238,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,231,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,230,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,225,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,118,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,252,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,252,214,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,253,252,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,252,252,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,240,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,178,253,223,136,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,236,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,254,254,254,254,254,208,133,133,134,122,88,76,105,106,35,8,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,212,145,18,0,0,0,0,0,0,0,0,11,238,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,253,115,0,0,0,0,0,0,0,0,0,49,84,197,253,253,116,84,84,141,85,84,159,124,170,242,237,205,152,4,0,0,0,0,0,0,0,0,0,0,27,230,253,201,14,0,0,0,0,0,0,0,0,55,48,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,253,253,236,131,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,197,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,196,242,251,254,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,109,214,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,156,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,215,253,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,251,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,66,0,0,0,0,0,0,32,245,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,249,79,0,0,0,0,33,157,253,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,231,218,218,218,218,232,253,253,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,253,253,253,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,132,207,253,253,253,253,253,201,75,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,38,220,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,112,254,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,238,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,254,254,177,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,249,254,246,146,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,228,254,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,131,254,252,131,0,0,0,0,0,6,68,194,244,244,109,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,136,0,0,0,0,0,65,245,254,254,254,254,179,4,0,0,0,0,0,0,0,0,0,0,23,224,254,240,24,0,0,0,0,125,240,254,254,230,221,254,254,110,0,0,0,0,0,0,0,0,0,0,36,254,254,137,0,0,0,10,88,237,255,254,190,32,48,254,254,71,0,0,0,0,0,0,0,0,0,0,36,254,254,47,0,0,0,78,254,254,254,131,2,10,166,254,229,25,0,0,0,0,0,0,0,0,0,0,135,254,254,47,0,0,9,196,255,254,130,4,0,75,254,254,72,0,0,0,0,0,0,0,0,0,0,0,154,254,254,47,0,0,132,254,254,131,4,0,117,245,254,225,30,0,0,0,0,0,0,0,0,0,0,0,154,254,254,47,0,4,200,254,254,59,5,121,252,254,202,4,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,47,0,20,254,254,255,82,169,254,254,167,37,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,69,0,126,254,254,254,254,254,254,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,188,8,70,254,254,254,254,254,225,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,208,228,254,254,254,254,179,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,183,254,254,254,254,254,254,231,62,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,106,233,254,254,188,117,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,254,255,254,223,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,226,242,158,99,190,247,108,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,228,43,0,0,36,54,28,235,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,227,43,0,0,0,0,13,185,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,231,46,0,0,0,0,0,79,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,196,0,0,0,0,0,35,224,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,222,33,0,0,8,80,180,247,251,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,247,175,175,205,254,247,121,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,139,213,229,213,213,117,32,73,251,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,0,0,79,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,212,254,200,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,255,211,70,41,165,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,183,9,0,0,3,115,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,155,0,0,0,0,0,3,190,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,183,6,0,0,0,0,0,0,137,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,57,0,0,0,0,0,0,0,137,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,242,27,0,0,0,0,0,0,10,199,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,39,0,0,0,0,0,7,178,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,69,0,0,0,0,13,224,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,117,0,0,0,76,214,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,197,5,23,155,180,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,139,213,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,230,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,245,239,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,224,42,115,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,166,0,55,205,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,136,0,0,201,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,148,0,0,176,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,198,107,59,218,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,139,199,116,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,195,231,146,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,250,225,123,211,235,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,154,15,0,23,192,188,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,188,13,0,0,0,104,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,51,0,0,0,0,87,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,184,2,0,0,0,0,6,216,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,103,0,0,0,0,0,0,104,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,75,0,0,0,0,0,0,3,236,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,237,11,0,0,0,0,0,0,0,236,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,235,0,0,0,0,0,0,0,0,236,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,236,0,0,0,0,0,0,0,0,142,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,150,0,0,0,0,0,0,0,0,141,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,140,0,0,0,0,0,0,0,0,215,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,140,0,0,0,0,0,0,0,0,236,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,232,14,0,0,0,0,0,0,0,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,75,0,0,0,0,0,0,41,240,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,169,3,0,0,0,0,7,229,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,168,9,0,0,9,134,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,239,212,123,124,177,253,197,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,205,254,255,169,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,221,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,253,253,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,232,253,164,228,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,221,30,48,227,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,250,220,41,0,0,19,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,250,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,178,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,162,0,0,0,0,0,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,65,0,0,17,159,189,222,189,169,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,32,0,17,176,253,253,253,253,253,208,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,32,16,177,253,241,177,105,216,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,32,86,253,253,101,0,0,16,104,239,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,116,86,253,253,150,9,0,0,0,163,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,218,114,235,253,213,25,0,5,114,219,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,175,52,108,82,20,47,169,253,253,238,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,239,253,253,253,165,172,253,253,253,253,245,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,253,253,253,253,253,252,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,234,253,253,253,253,159,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,251,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,242,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,50,21,85,142,209,116,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,254,139,234,254,254,224,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,254,254,245,117,13,230,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,196,41,0,0,226,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,247,89,6,0,0,0,226,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,98,0,0,0,0,32,242,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,54,0,0,0,0,105,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,78,0,0,0,38,226,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,199,15,0,79,237,238,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,236,254,236,177,253,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,192,254,254,169,44,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,64,150,206,254,255,254,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,10,124,197,197,155,197,242,253,253,253,253,207,132,54,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,253,253,253,253,253,224,200,114,58,10,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,215,67,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,253,205,238,228,141,130,130,28,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,243,97,232,253,253,253,253,253,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,253,253,253,253,243,193,198,238,253,253,157,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,253,149,31,0,0,0,155,253,253,159,7,0,0,0,0,0,0,0,0,0,0,0,0,40,244,253,253,253,146,5,0,0,0,0,7,200,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,38,242,253,236,96,0,0,0,0,0,0,0,35,245,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,121,236,62,0,0,0,0,0,0,0,0,0,198,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,237,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,250,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,200,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,197,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,229,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,36,203,253,253,205,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,233,123,42,11,79,117,225,253,253,246,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,215,253,253,253,253,253,253,253,180,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,149,198,253,253,189,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,191,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,75,155,218,171,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,227,254,250,244,249,225,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,214,230,130,53,0,116,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,220,22,0,0,0,116,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,67,0,0,0,0,184,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,251,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,227,254,145,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,254,255,228,168,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,166,252,254,254,223,204,204,238,119,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,108,241,254,254,230,69,19,0,0,104,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,171,2,0,0,0,0,26,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,244,168,10,0,0,0,0,0,26,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,85,23,0,0,0,0,0,0,0,120,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,240,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,201,247,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,88,0,0,0,0,0,1,59,189,245,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,206,9,0,0,0,89,172,254,249,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,246,212,161,245,254,254,163,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,124,245,254,254,254,156,74,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,164,255,255,212,24,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,136,222,253,253,253,253,253,102,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,253,253,248,137,111,153,251,246,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,44,218,253,248,137,77,0,0,0,90,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,223,77,0,0,0,0,0,0,0,81,11,0,0,0,0,0,0,0,0,0,0,0,0,0,35,218,253,229,114,0,0,0,0,0,0,0,142,245,18,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,247,72,0,0,0,0,0,0,15,90,243,235,15,0,0,0,0,0,0,0,0,0,0,0,0,13,220,253,192,0,0,0,0,0,0,140,201,253,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,238,75,0,0,0,0,16,153,239,253,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,243,165,63,63,153,204,253,233,148,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,253,253,253,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,70,179,228,253,253,253,253,253,236,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,237,253,235,172,194,253,253,237,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,238,253,236,69,0,12,43,213,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,237,69,0,0,0,0,205,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,161,0,0,0,0,66,248,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,86,0,0,0,0,127,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,86,0,0,0,64,249,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,86,0,0,0,127,253,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,86,0,0,182,252,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,159,228,237,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,182,253,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,250,253,253,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,239,253,253,253,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,253,127,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,244,253,253,253,243,89,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,224,253,253,253,243,102,0,0,0,0,0,21,31,31,31,31,6,0,0,0,0,0,0,0,0,0,0,127,253,253,253,253,89,0,0,0,0,0,37,213,253,253,253,253,125,0,0,0,0,0,0,0,0,0,31,216,253,253,253,127,2,0,0,0,8,152,237,253,253,253,253,253,248,137,0,0,0,0,0,0,0,0,115,253,253,244,206,35,0,0,0,8,138,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,78,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,213,253,253,234,183,183,146,32,164,253,253,0,0,0,0,0,0,0,0,254,253,253,166,4,0,0,0,0,231,253,253,183,11,16,16,117,253,253,253,0,0,0,0,0,0,0,0,255,253,253,253,148,53,0,0,0,231,253,253,215,208,253,253,253,253,253,253,0,0,0,0,0,0,0,0,254,253,253,253,253,233,216,216,216,250,253,253,253,253,253,253,253,253,169,38,0,0,0,0,0,0,0,0,250,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,243,92,17,0,0,0,0,0,0,0,0,0,58,165,253,253,253,253,253,253,253,253,253,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,37,199,219,253,253,253,253,253,253,248,199,199,106,199,68,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,99,99,99,99,99,99,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,255,255,255,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,64,0,0,0,64,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,191,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,191,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,128,255,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,191,255,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,191,128,128,64,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,0,0,102,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,172,41,102,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,70,182,122,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,172,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,112,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,172,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,165,0,0,0,0,0,0,0,136,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,194,0,0,0,0,0,0,0,113,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,135,0,0,0,0,0,0,0,143,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,247,33,0,0,0,0,0,0,0,215,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,214,0,0,0,0,0,0,0,0,215,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,166,19,127,25,0,0,0,0,37,250,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,218,218,254,255,254,254,254,200,212,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,223,196,136,130,95,136,136,190,244,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,9,0,0,0,0,0,0,5,208,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,255,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,232,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,224,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,186,244,252,228,229,228,228,228,228,128,94,35,0,0,0,0,0,0,0,0,0,0,0,0,0,26,117,243,253,253,253,253,254,253,253,253,253,253,253,228,214,143,0,0,0,0,0,0,0,0,0,29,187,217,253,253,207,186,186,186,53,180,186,186,186,186,186,186,186,186,0,0,0,0,0,0,0,0,26,209,253,253,253,185,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,240,107,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,219,42,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,228,134,134,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,254,254,254,254,254,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,62,180,253,253,253,253,253,253,254,248,121,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,26,26,47,159,159,209,254,253,253,232,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,40,200,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,187,103,131,187,188,215,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,219,253,253,253,255,253,238,170,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,107,226,226,228,170,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,37,0,0,0,0,0,0,191,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,197,0,0,0,0,0,0,199,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,234,19,0,0,0,0,0,174,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,254,59,0,0,0,0,0,195,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,30,0,0,0,0,19,232,240,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,255,203,3,0,0,0,0,31,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,198,0,0,0,0,0,31,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,198,0,0,0,0,0,31,255,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,247,88,0,0,0,0,31,254,222,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,229,172,7,0,0,46,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,169,250,254,189,169,85,125,254,236,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,238,255,254,255,239,255,240,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,152,224,180,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,114,113,222,253,253,192,113,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,240,253,252,252,252,252,253,252,246,209,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,233,252,253,154,55,55,55,56,55,165,233,252,135,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,84,84,9,0,0,0,0,0,0,75,252,253,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,234,252,253,154,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,169,234,252,252,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,229,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,224,252,241,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,227,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,141,94,0,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,90,0,0,0,0,0,0,0,0,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,243,50,0,0,0,0,0,0,126,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,22,195,253,252,209,181,57,32,0,13,73,227,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,249,252,252,252,216,169,187,252,252,240,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,142,252,252,253,252,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,63,141,159,159,236,201,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,202,126,167,254,254,254,244,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,213,197,163,122,67,144,254,201,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,66,2,0,0,0,140,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,184,0,0,0,0,140,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,235,0,0,0,0,140,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,243,114,0,0,0,0,233,225,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,34,0,0,0,0,72,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,239,236,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,255,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,226,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,24,24,118,243,255,253,190,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,252,252,253,252,252,211,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,215,227,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,176,56,40,236,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,231,54,4,0,181,252,252,210,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,211,7,0,127,255,253,205,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,154,89,244,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,252,252,252,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,117,252,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,255,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,252,235,174,253,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,160,32,137,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,160,0,5,119,227,236,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,131,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,211,23,0,0,0,145,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,206,244,211,43,0,0,93,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,247,163,70,136,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,139,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,137,221,210,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,183,245,122,130,105,148,139,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,252,252,253,252,252,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,252,252,252,252,253,245,233,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,231,189,215,242,209,145,39,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,203,115,228,246,253,252,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,253,253,253,253,254,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,252,252,252,252,253,252,252,252,226,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,250,231,178,126,126,127,205,251,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,145,70,0,0,0,0,0,0,135,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,13,0,0,0,0,0,0,0,0,73,252,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,217,27,0,0,0,0,0,0,41,225,252,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,212,71,0,0,0,62,141,232,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,254,218,60,104,236,255,253,253,253,236,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,252,253,252,252,252,252,253,252,252,231,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,252,252,252,252,253,245,134,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,252,252,252,199,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,226,244,147,103,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,64,223,221,221,221,221,163,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,158,240,251,253,251,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,194,255,253,253,229,158,100,0,0,40,158,255,253,126,0,0,0,0,0,0,0,0,0,0,0,4,112,205,251,253,227,220,66,0,0,0,0,0,0,233,251,126,0,0,0,0,0,0,0,0,0,0,48,142,251,251,251,126,31,0,0,0,0,0,0,0,0,96,235,63,112,48,0,0,0,0,0,0,0,0,96,251,251,235,89,0,0,0,0,0,0,0,0,0,0,96,188,143,248,133,0,0,0,0,0,0,0,0,194,251,251,89,0,0,0,0,0,0,0,0,0,0,0,36,55,251,251,251,0,0,0,0,0,0,0,0,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,0,0,0,0,0,0,0,0,253,251,251,51,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,132,0,0,0,0,0,0,0,0,173,251,251,220,48,0,0,0,0,0,0,0,0,0,0,48,142,251,219,47,0,0,0,0,0,0,0,0,72,236,251,251,133,40,0,0,0,0,0,0,0,16,64,234,251,219,42,0,0,0,0,0,0,0,0,0,0,71,173,251,251,218,158,158,19,0,0,120,158,181,251,253,231,47,0,0,0,0,0,0,0,0,0,0,0,0,80,182,253,255,253,253,253,253,255,253,253,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,62,122,220,220,220,220,221,220,220,81,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,219,163,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,166,244,166,127,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,253,184,0,10,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,190,32,0,10,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,242,219,36,0,0,45,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,200,0,0,24,222,253,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,231,234,53,0,0,198,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,140,0,0,85,252,253,253,207,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,243,22,0,0,205,248,201,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,168,0,0,35,254,215,104,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,144,0,18,229,255,63,104,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,75,9,166,253,132,3,104,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,182,171,253,211,0,0,141,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,253,253,234,22,0,0,197,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,143,185,65,0,0,0,197,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,225,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,193,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,203,102,123,243,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,61,0,0,122,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,20,0,0,0,0,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,163,243,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,212,253,232,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,234,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,0,0,0,0,0,0,0,0,0,0,51,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,163,40,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,213,92,10,0,0,0,0,0,0,72,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,253,172,82,0,0,0,62,142,233,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,254,253,254,253,214,253,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,232,253,252,253,252,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,147,147,29,0,0,0,26,127,205,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,220,185,185,185,231,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,215,254,254,254,254,254,254,254,208,128,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,225,103,103,103,103,103,103,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,189,254,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,254,250,158,158,151,50,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,254,254,254,254,208,94,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,129,129,129,129,129,136,238,245,254,241,145,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,0,0,40,146,254,254,147,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,185,0,0,0,0,5,80,237,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,187,13,0,0,0,0,0,0,101,249,223,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,110,0,0,0,0,0,0,0,0,173,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,27,0,0,0,0,0,0,0,0,48,254,235,4,0,0,0,0,0,0,0,0,0,0,0,0,6,251,176,2,0,0,0,0,0,0,0,0,86,254,199,3,0,0,0,0,0,0,0,0,0,0,0,0,6,254,173,0,0,0,0,0,0,0,0,0,164,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,4,213,241,67,0,0,0,0,0,0,0,126,253,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,246,197,13,0,31,33,73,197,250,254,237,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,208,179,248,254,254,254,254,197,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,89,166,254,254,185,146,136,38,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,241,250,168,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,238,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,247,254,254,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,249,254,254,202,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,255,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,193,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,243,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,250,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,248,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,232,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,208,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,234,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,209,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,198,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,208,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,212,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,193,96,198,92,198,92,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,17,186,254,254,254,254,254,254,168,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,254,254,254,254,254,254,178,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,220,254,254,254,254,254,254,254,254,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,187,254,254,254,254,254,254,254,254,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,254,254,254,254,253,224,254,254,254,254,245,119,3,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,254,254,254,118,111,45,128,254,254,254,254,254,15,0,0,0,0,0,0,0,0,0,0,5,136,249,254,254,254,237,87,1,0,0,3,128,254,254,254,254,15,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,254,87,0,0,0,0,0,45,225,254,254,254,15,0,0,0,0,0,0,0,0,0,0,182,254,254,254,254,254,24,0,0,0,0,0,113,253,254,254,254,69,0,0,0,0,0,0,0,0,0,0,182,254,254,254,253,155,8,0,0,0,0,17,210,254,254,254,254,175,0,0,0,0,0,0,0,0,0,0,182,254,254,254,205,0,0,0,0,0,39,115,254,254,254,254,254,15,0,0,0,0,0,0,0,0,0,69,236,254,254,254,205,0,0,16,25,137,215,254,254,254,254,249,133,4,0,0,0,0,0,0,0,0,0,92,254,254,254,254,227,116,116,201,254,254,254,254,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,254,254,254,254,254,254,254,254,254,254,255,233,191,0,0,0,0,0,0,0,0,0,0,0,44,217,254,254,254,254,254,254,254,254,254,254,254,254,254,191,96,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,254,254,254,254,254,254,254,254,254,228,197,112,4,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,254,254,254,254,254,254,254,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,190,254,254,254,254,254,177,15,15,15,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,170,254,254,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,141,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,242,252,241,144,63,0,0,0,0,0,51,240,226,45,0,0,0,0,0,0,0,0,0,0,0,0,30,206,252,237,72,0,0,0,0,0,0,25,197,252,178,11,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,100,0,0,0,0,0,0,0,179,252,218,15,0,0,0,0,0,0,0,0,0,0,0,0,75,244,252,104,17,0,0,0,0,0,0,22,214,238,86,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,202,17,0,0,0,0,0,0,98,207,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,94,0,0,0,0,0,0,95,244,252,241,56,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,243,47,0,0,0,0,0,13,241,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,176,3,0,0,0,0,0,197,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,123,0,0,0,0,71,253,252,252,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,253,253,253,161,204,253,253,255,202,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,235,252,252,252,252,252,252,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,158,158,223,252,252,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,252,205,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,231,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,203,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,226,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,6,0,0,0,0,0,0,0,172,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,99,0,0,0,0,0,0,21,234,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,169,0,0,0,0,0,0,122,254,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,169,0,0,0,0,0,6,198,254,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,213,254,115,0,0,0,0,0,165,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,243,44,0,0,114,193,158,245,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,177,166,250,254,254,254,254,254,230,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,254,254,254,254,170,253,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,236,247,194,194,194,78,0,136,251,194,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,35,0,0,0,0,3,148,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,254,182,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,70,136,70,70,145,161,162,229,153,19,0,0,0,0,0,0,0,0,0,0,0,0,0,26,123,206,231,251,253,253,254,244,244,253,237,219,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,197,234,230,138,121,54,137,80,38,38,46,29,34,236,253,0,0,0,0,0,0,0,0,0,0,0,0,0,13,13,0,0,0,0,0,0,0,0,0,0,114,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,243,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,85,254,254,103,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,80,164,230,239,247,254,253,253,253,231,214,92,0,0,0,0,0,0,0,0,0,0,0,0,0,41,166,245,253,254,253,253,253,254,181,137,71,46,29,25,0,0,0,0,0,0,0,0,0,0,0,0,68,229,253,253,253,161,77,86,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,216,142,25,0,0,49,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,124,11,0,0,0,0,166,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,249,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,236,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,153,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,134,253,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,239,82,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,251,251,203,143,250,243,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,231,250,161,0,0,90,244,253,229,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,231,253,154,0,0,0,0,90,250,253,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,165,253,204,20,0,0,0,0,0,137,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,243,47,0,0,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,165,0,0,0,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,243,6,0,0,0,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,2,175,253,171,0,0,0,0,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,93,0,0,0,0,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,64,253,245,24,0,0,0,0,0,0,0,11,144,253,242,9,0,0,0,0,0,0,0,0,0,0,0,0,40,253,193,7,0,0,0,0,0,0,0,126,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,4,212,253,117,0,0,0,0,0,0,140,245,253,227,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,247,141,58,33,103,141,243,252,253,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,178,253,253,253,253,253,253,253,253,154,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,138,253,253,253,253,253,151,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,202,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,253,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,128,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,170,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,210,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,189,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,246,100,0,0,0,0,0,0,26,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,253,53,0,0,0,0,29,166,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,170,94,57,157,216,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,252,252,252,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,91,139,139,240,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,255,253,253,253,79,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,196,228,252,252,252,253,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,252,77,56,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,108,185,254,255,213,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,209,253,253,182,228,253,246,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,208,244,117,32,3,170,253,253,190,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,215,253,111,0,0,18,239,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,208,253,154,6,0,0,0,168,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,59,0,0,0,0,43,226,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,223,23,0,0,0,0,0,98,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,122,0,0,0,0,0,0,181,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,243,8,0,0,0,0,0,0,107,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,243,0,0,0,0,0,0,0,98,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,0,0,0,63,250,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,0,0,0,92,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,0,0,0,98,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,0,0,0,139,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,244,11,0,0,0,0,0,116,252,253,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,125,0,0,0,0,43,226,253,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,245,49,0,23,104,226,253,214,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,250,249,250,253,253,206,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,128,253,253,253,253,253,131,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,105,182,200,123,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,148,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,140,250,250,250,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,224,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,209,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,223,168,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,255,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,166,182,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,155,255,133,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,31,214,253,247,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,216,57,206,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,213,253,154,33,0,26,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,213,253,215,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,168,253,233,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,249,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,249,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,235,0,0,0,0,0,0,0,0,0,0,22,63,63,37,0,0,0,0,0,0,0,0,0,0,0,254,253,140,0,0,0,0,0,0,0,0,54,169,213,253,253,228,137,4,0,0,0,0,0,0,0,0,0,218,253,147,0,0,0,0,0,0,146,199,241,253,253,253,253,253,253,143,39,0,0,0,0,0,0,0,0,130,253,235,0,0,0,0,56,169,240,253,253,188,172,172,172,172,248,253,169,0,0,0,0,0,0,0,0,27,253,250,129,0,13,169,240,253,253,187,70,9,0,0,0,0,95,249,253,0,0,0,0,0,0,0,0,7,253,253,238,37,144,253,253,253,154,9,0,0,0,0,0,0,42,246,253,0,0,0,0,0,0,0,0,1,102,253,253,235,242,253,234,66,8,0,0,0,0,0,0,0,221,253,204,0,0,0,0,0,0,0,0,0,2,153,253,253,253,214,20,0,0,0,0,0,0,0,42,218,252,204,15,0,0,0,0,0,0,0,0,0,0,19,152,253,253,250,211,112,112,112,112,112,154,236,243,253,204,76,0,0,0,0,0,0,0,0,0,0,0,0,14,150,253,253,253,253,253,253,253,253,253,253,253,146,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,24,129,214,253,253,253,253,253,150,129,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,250,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,235,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,162,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,37,95,16,0,0,0,63,234,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,252,253,108,0,0,12,204,252,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,208,252,252,221,82,0,12,164,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,193,241,252,252,183,29,0,0,140,252,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,220,116,3,0,0,70,237,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,14,120,242,252,173,39,0,0,0,21,239,252,252,143,7,0,0,0,0,0,0,0,0,0,0,0,0,22,232,252,252,134,5,0,47,109,105,134,252,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,6,191,252,252,223,124,219,241,246,252,253,247,252,252,194,3,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,253,253,253,253,253,255,253,253,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,13,252,252,252,252,252,252,252,252,252,253,252,249,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,185,252,252,252,252,252,238,216,251,253,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,204,204,118,84,84,52,0,241,253,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,249,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,209,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,247,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,47,134,87,88,210,255,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,104,253,253,253,253,238,125,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,230,217,217,177,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,248,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,216,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,163,130,82,103,63,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,252,253,253,253,230,188,60,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,232,250,110,169,233,253,253,253,253,110,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,31,48,0,0,32,92,211,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,92,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,249,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,220,253,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,152,161,161,252,253,223,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,236,192,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,232,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,254,232,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,240,254,254,61,0,0,0,0,0,22,32,32,32,17,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,254,141,0,125,132,132,132,218,254,254,254,198,132,48,0,0,0,0,0,0,0,0,0,0,0,102,254,254,254,251,233,253,254,254,254,254,254,254,254,254,254,236,45,0,0,0,0,0,0,0,0,0,0,102,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,156,5,0,0,0,0,0,0,0,0,0,102,254,254,254,254,254,254,254,254,217,130,130,130,130,187,254,254,254,46,0,0,0,0,0,0,0,0,0,12,208,254,254,254,216,251,184,30,21,0,0,0,0,117,254,254,254,46,0,0,0,0,0,0,0,0,0,0,202,254,254,254,124,90,23,0,0,0,0,0,0,117,254,254,254,46,0,0,0,0,0,0,0,0,0,0,110,205,254,254,254,208,117,117,10,0,0,0,0,117,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,220,203,63,63,63,150,254,254,254,162,0,0,0,0,0,0,0,0,0,0,0,143,250,254,254,254,254,254,254,254,254,254,254,254,254,255,254,139,0,0,0,0,0,0,0,0,0,0,0,0,54,162,254,254,254,254,254,254,254,254,254,254,254,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,7,46,192,240,254,254,254,254,254,254,254,254,253,134,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,100,146,254,254,254,254,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,255,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,105,253,253,253,253,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,253,253,253,253,225,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,204,254,253,246,205,119,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,196,253,254,218,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,222,248,253,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,199,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,211,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,250,253,253,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,169,0,12,128,140,254,254,255,254,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,217,145,243,253,254,253,253,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,236,253,254,253,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,211,55,141,85,84,84,117,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,253,233,27,0,0,0,0,0,78,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,233,62,0,0,0,0,63,234,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,154,253,253,235,97,4,5,97,235,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,253,253,253,220,221,253,253,253,253,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,181,253,201,253,254,253,253,253,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,6,128,196,184,132,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,146,160,161,160,160,160,160,160,227,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,254,254,254,254,254,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,254,249,244,244,251,237,150,94,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,235,51,0,0,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,201,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,250,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,252,245,206,151,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,254,254,254,254,254,233,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,254,254,254,254,249,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,60,25,46,0,111,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,226,254,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,76,243,254,245,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,54,185,254,254,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,82,0,0,0,0,51,174,254,255,254,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,250,151,64,133,217,250,254,254,254,189,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,254,254,254,254,240,190,73,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,104,159,247,176,128,66,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,24,129,139,139,55,15,0,0,0,0,0,0,0,0,0,0,9,47,47,47,47,47,47,47,152,163,220,253,253,253,254,253,253,178,5,0,0,0,0,0,0,0,0,133,197,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,253,253,138,0,0,0,0,0,0,0,0,254,253,253,253,253,254,253,253,253,253,254,253,228,161,161,46,67,228,253,253,0,0,0,0,0,0,0,0,97,232,137,137,137,149,253,222,137,137,76,23,16,0,0,0,0,185,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,254,215,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,237,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,216,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,12,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,23,5,59,201,216,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,229,230,217,247,233,241,254,213,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,239,54,0,30,78,158,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,253,207,108,0,0,0,0,27,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,23,0,0,0,0,0,20,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,155,0,0,0,0,0,0,80,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,200,0,0,0,0,0,5,165,247,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,240,253,49,73,0,0,31,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,246,251,166,136,181,254,253,247,128,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,253,253,253,231,155,185,253,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,218,195,195,195,120,0,0,0,16,218,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,207,15,0,0,0,0,0,0,0,0,68,254,167,6,0,0,0,0,0,0,0,0,0,0,0,0,175,253,155,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,175,253,65,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,175,253,58,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,176,254,81,0,0,0,0,0,0,0,0,10,171,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,200,8,0,0,0,0,0,0,37,175,253,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,253,206,87,0,0,31,79,124,199,253,222,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,244,254,251,234,234,241,254,253,240,109,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,155,238,253,253,253,254,207,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,223,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,254,244,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,201,42,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,147,18,0,0,0,103,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,247,254,123,0,0,0,185,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,248,254,200,5,0,0,203,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,71,0,0,140,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,30,0,0,140,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,166,5,0,0,140,248,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,82,251,244,33,0,0,0,231,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,254,254,128,15,15,15,74,251,245,15,15,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,254,254,254,254,254,254,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,254,229,211,143,115,157,241,254,233,115,64,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,148,80,22,0,0,0,0,173,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,187,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,96,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,205,190,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,126,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,159,39,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,31,0,0,0,0,0,0,0,0,0,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,253,236,127,16,0,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,31,197,251,185,64,0,0,0,0,0,0,0,0,16,162,253,251,251,31,0,0,0,0,0,0,0,0,0,0,91,251,251,251,159,39,0,0,0,0,0,0,64,251,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,139,158,195,253,253,153,153,96,115,253,253,253,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,62,62,201,220,253,247,236,243,220,221,244,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,110,63,94,0,0,190,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,172,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,114,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,94,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,0,87,105,106,149,254,254,201,25,0,0,0,0,0,0,0,0,0,0,86,209,209,209,209,209,209,209,235,211,246,253,253,253,253,253,253,182,0,0,0,0,0,0,0,0,0,0,109,248,253,253,253,253,253,253,253,248,238,238,238,238,249,253,253,199,0,0,0,0,0,0,0,0,0,0,0,87,133,133,133,133,133,133,133,79,0,0,0,0,179,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,232,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,240,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,167,253,253,126,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,146,253,253,203,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,246,253,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,241,254,200,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,201,253,255,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,67,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,192,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,61,227,253,253,253,255,174,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,112,216,253,252,252,231,203,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,214,126,29,16,9,60,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,246,252,155,0,0,0,0,0,43,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,199,7,0,0,0,0,0,87,252,235,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,84,0,0,0,0,0,0,210,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,150,21,0,0,0,8,85,128,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,252,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,225,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,210,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,110,253,252,118,0,0,0,0,0,0,0,0,0,64,130,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,126,7,0,0,0,0,0,0,0,11,143,179,63,0,0,0,0,0,0,0,0,0,0,0,62,239,252,174,11,0,0,0,0,0,0,27,106,219,252,82,0,0,0,0,0,0,0,0,0,0,0,0,189,253,236,0,0,0,0,0,0,15,96,218,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,29,239,252,112,0,0,0,22,85,191,211,252,231,168,27,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,226,130,128,127,180,237,252,253,236,178,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,239,252,252,253,252,252,252,226,128,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,217,252,253,173,147,121,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,60,61,148,148,148,148,148,148,148,78,87,87,43,39,0,0,0,0,0,0,0,0,0,0,0,29,239,252,252,253,252,252,252,252,253,252,252,252,252,253,252,247,190,111,0,0,0,0,0,0,0,0,22,213,252,238,249,253,252,252,252,252,250,231,231,231,231,232,231,231,160,118,0,0,0,0,0,0,0,0,69,252,247,63,115,128,84,84,84,84,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,142,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,252,212,83,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,212,252,252,239,133,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,138,252,253,252,232,140,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,225,253,253,253,131,43,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,189,252,253,252,142,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,2,0,0,0,0,0,6,65,236,252,252,168,30,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,47,0,0,0,0,0,0,0,14,120,194,252,217,54,0,0,0,0,0,0,0,0,0,0,0,0,0,190,170,0,0,0,0,0,0,0,0,0,4,138,252,247,53,0,0,0,0,0,0,0,0,0,0,0,0,191,236,14,0,0,0,0,0,0,0,0,0,82,253,255,125,0,0,0,0,0,0,0,0,0,0,0,0,111,252,184,85,0,0,0,0,0,0,64,137,232,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,7,172,252,252,233,232,188,232,232,233,247,252,252,252,170,32,0,0,0,0,0,0,0,0,0,0,0,0,0,7,84,172,227,252,252,252,252,253,252,221,189,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,42,42,68,59,42,42,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,172,254,193,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,248,253,253,253,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,246,155,105,164,232,248,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,241,149,0,0,0,17,227,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,91,0,0,0,0,0,58,239,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,231,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,135,233,253,248,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,97,157,162,253,254,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,254,254,254,255,93,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,212,253,253,254,251,248,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,105,192,251,253,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,134,247,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,240,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,182,123,93,114,84,115,114,195,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,254,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,233,253,253,253,254,250,250,177,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,78,144,192,138,57,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,59,59,67,119,156,194,194,156,156,141,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,185,220,253,254,253,253,253,253,249,233,239,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,253,253,253,175,92,78,78,78,60,0,48,245,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,49,19,19,0,0,0,0,0,0,0,94,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,19,0,23,53,0,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,134,141,254,254,254,254,255,254,213,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,250,253,254,253,247,218,135,114,39,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,115,78,186,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,234,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,105,211,254,201,25,0,44,105,202,254,122,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,193,148,229,253,253,253,253,248,99,0,0,0,0,0,0,0,0,0,0,0,0,0,19,206,253,251,238,252,253,253,254,253,253,253,253,253,206,18,0,0,0,0,0,0,0,0,0,0,0,29,206,253,253,152,0,239,253,253,254,253,253,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,60,253,253,231,52,0,239,240,178,179,178,182,253,253,253,253,190,18,0,0,0,0,0,0,0,0,0,0,78,253,239,69,0,0,123,183,0,0,0,5,144,250,253,253,253,59,0,0,0,0,0,0,0,0,0,0,209,253,133,0,0,0,0,0,0,0,0,0,0,145,253,253,253,138,0,0,0,0,0,0,0,0,0,100,251,253,133,0,0,0,0,0,0,0,0,0,0,49,227,253,253,251,98,0,0,0,0,0,0,0,0,105,253,253,133,0,0,0,0,0,0,0,0,0,0,0,65,253,253,253,104,0,0,0,0,0,0,0,0,105,253,253,204,17,0,0,0,0,0,0,0,0,0,0,30,253,253,253,104,0,0,0,0,0,0,0,0,106,254,254,254,91,0,0,0,0,0,0,0,0,0,0,18,205,255,254,105,0,0,0,0,0,0,0,0,81,243,253,253,196,18,0,0,0,0,0,0,0,0,0,0,134,253,253,104,0,0,0,0,0,0,0,0,0,201,253,253,253,172,15,1,0,0,0,0,0,0,0,2,142,253,253,104,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,85,0,0,0,0,0,0,0,102,253,253,253,104,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,243,110,31,0,0,0,0,111,245,253,253,169,12,0,0,0,0,0,0,0,0,0,18,171,237,253,253,253,253,253,210,31,154,179,179,245,253,253,189,17,0,0,0,0,0,0,0,0,0,0,0,0,57,238,253,253,253,253,253,254,253,253,253,253,253,181,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,183,253,253,253,253,255,253,253,253,253,225,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,208,135,253,253,254,253,253,253,169,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,130,253,255,129,104,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,64,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,19,24,24,24,55,44,76,139,138,170,253,253,255,232,107,5,0,0,0,0,0,0,0,0,0,0,120,196,215,252,253,252,252,252,252,253,252,252,252,252,253,252,240,37,0,0,0,0,0,0,0,0,0,0,129,252,252,252,253,252,252,252,252,190,208,202,252,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,30,128,215,116,56,160,128,98,45,5,17,70,252,252,253,214,33,0,0,0,0,0,0,0,0,0,0,0,0,0,19,55,0,0,0,0,0,0,0,122,252,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,148,236,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,146,237,252,252,252,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,128,232,249,253,252,242,237,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,206,252,252,252,190,110,42,37,235,253,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,236,252,252,226,59,0,0,0,11,218,253,252,232,115,0,0,0,0,0,0,0,0,0,0,0,22,139,253,254,239,106,0,0,0,0,0,64,253,254,253,253,190,0,0,0,0,0,0,0,0,0,0,64,213,252,252,204,68,0,0,0,0,64,85,171,252,253,252,252,189,0,0,0,0,0,0,0,0,0,4,195,252,252,252,30,22,22,48,127,233,247,252,252,252,253,252,252,180,0,0,0,0,0,0,0,0,0,43,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,212,28,0,0,0,0,0,0,0,0,0,25,226,252,252,252,253,252,252,252,252,147,68,42,138,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,45,98,106,106,45,0,0,0,0,0,0,13,218,253,255,239,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,252,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,228,255,118,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,100,230,253,238,177,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,240,58,8,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,249,253,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,243,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,255,218,13,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,254,249,33,82,177,236,242,177,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,254,253,36,199,253,254,253,189,229,152,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,254,253,36,199,253,254,190,21,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,36,199,253,254,76,0,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,127,200,254,208,7,50,234,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,231,230,253,148,12,154,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,139,248,214,227,217,186,253,253,240,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,217,253,254,253,253,238,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,72,130,214,175,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,64,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,191,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,128,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,118,244,254,255,177,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,184,253,253,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,73,229,253,253,253,201,231,253,232,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,227,75,2,60,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,233,128,29,0,0,30,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,236,113,0,0,0,0,134,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,0,0,0,0,73,249,253,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,249,253,216,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,245,253,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,206,253,251,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,186,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,241,253,253,115,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,245,253,253,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,251,253,251,169,3,0,0,2,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,72,241,253,253,248,117,23,74,93,148,160,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,239,166,233,253,253,253,212,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,253,253,253,253,253,253,253,198,188,128,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,253,253,253,195,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,204,141,35,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,223,253,148,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,224,214,0,0,0,0,0,0,0,5,97,27,0,0,0,0,0,0,0,0,0,0,0,0,0,53,215,247,253,168,0,0,0,0,0,0,0,103,253,117,0,0,0,0,0,0,0,0,0,0,0,0,88,235,254,222,253,117,0,0,0,0,0,0,138,211,253,87,0,0,0,0,0,0,0,0,0,0,4,137,251,253,131,121,240,23,0,0,0,0,52,174,254,234,116,2,0,0,0,0,0,0,0,0,0,0,20,253,237,118,0,42,137,0,0,0,8,98,241,253,193,46,0,0,0,0,0,0,0,0,0,0,0,0,118,254,214,0,0,0,0,0,0,14,186,254,222,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,247,232,27,0,0,0,4,95,224,251,165,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,155,0,0,0,137,253,235,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,152,6,126,251,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,166,235,237,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,255,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,254,253,253,149,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,104,199,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,237,57,3,74,250,208,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,118,0,0,0,159,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,244,45,0,0,0,137,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,187,232,27,0,0,0,144,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,193,31,37,146,247,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,212,253,242,243,240,146,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,178,170,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,223,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,119,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,164,216,254,253,203,90,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,241,253,253,254,194,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,116,234,253,253,211,137,76,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,213,254,243,127,132,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,246,204,229,220,162,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,253,254,253,253,253,253,248,112,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,46,99,46,46,88,161,212,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,212,216,21,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,109,0,0,0,0,0,0,0,0,0,26,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,178,5,0,0,0,0,0,0,0,0,223,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,23,0,0,0,0,0,0,0,0,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,23,0,0,0,0,0,0,0,0,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,23,0,0,0,0,0,0,0,0,245,180,49,0,0,0,0,0,0,0,0,0,0,0,0,24,213,254,246,21,0,0,0,0,0,0,0,0,61,237,228,120,5,0,0,0,0,0,0,0,0,17,47,213,253,241,131,0,0,0,0,0,0,0,0,0,0,65,203,253,191,123,70,70,70,70,70,143,185,210,253,255,253,152,0,0,0,0,0,0,0,0,0,0,0,0,13,140,203,254,253,253,253,253,254,253,253,253,253,246,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,137,222,253,253,254,232,137,137,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,29,117,141,242,191,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,216,252,252,252,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,252,253,252,252,252,253,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,231,252,252,253,252,252,252,253,252,252,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,253,254,253,244,225,242,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,252,252,252,209,84,56,0,66,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,252,224,118,25,0,0,0,7,187,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,177,43,0,0,0,0,0,0,69,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,151,0,0,0,0,0,0,0,0,57,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,0,0,0,0,0,0,0,0,0,44,240,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,217,254,254,201,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,244,254,251,239,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,253,254,165,24,240,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,110,19,10,73,251,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,58,0,0,153,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,58,0,80,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,253,58,5,203,253,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,155,127,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,246,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,255,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,221,253,241,250,196,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,253,253,68,111,229,241,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,110,0,0,86,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,222,253,237,36,0,0,48,245,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,57,0,0,0,19,239,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,186,3,0,0,0,79,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,144,0,0,0,0,109,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,242,36,0,0,0,87,247,247,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,121,0,0,0,158,244,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,94,84,220,170,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,26,106,250,246,254,253,252,225,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,203,192,214,253,244,243,251,253,169,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,206,253,253,113,84,0,0,197,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,171,186,200,3,0,0,39,228,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,0,0,5,210,253,253,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,211,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,28,244,254,214,251,106,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,71,56,132,171,253,254,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,253,254,253,202,160,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,254,246,237,255,254,254,254,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,215,240,159,73,21,28,42,210,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,37,3,37,0,0,0,30,250,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,156,37,0,0,0,39,200,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,241,193,3,0,0,0,76,216,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,196,0,0,0,101,222,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,236,124,32,113,245,253,253,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,75,206,127,247,250,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,211,253,254,253,252,161,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,193,194,173,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,141,191,104,4,0,32,141,141,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,197,252,253,252,252,128,7,150,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,168,187,252,252,154,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,102,0,32,228,252,253,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,204,253,194,13,0,0,98,253,255,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,240,43,0,0,13,209,252,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,10,172,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,221,76,101,128,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,253,254,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,196,240,252,253,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,181,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,224,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,190,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,118,118,118,118,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,242,253,253,253,253,253,166,97,45,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,234,253,253,253,253,253,253,253,253,231,222,191,76,35,0,0,0,0,0,0,0,0,0,0,0,0,8,140,253,253,253,208,172,150,198,198,220,253,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,253,174,16,0,0,0,0,34,82,82,82,82,38,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,180,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,186,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,201,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,253,253,173,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,242,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,77,0,0,17,201,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,196,104,104,124,253,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,247,253,253,253,253,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,253,221,57,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,97,210,253,228,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,170,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,150,234,254,255,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,221,253,253,253,253,234,126,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,135,253,253,153,31,177,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,137,0,0,42,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,216,253,228,24,0,0,42,253,253,213,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,253,41,0,0,144,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,253,253,97,7,88,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,136,179,253,253,207,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,97,252,253,253,253,236,103,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,229,253,253,237,120,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,229,253,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,245,228,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,232,253,124,99,253,253,233,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,86,6,250,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,216,0,0,207,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,94,0,9,250,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,111,0,99,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,149,11,147,252,171,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,231,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,235,149,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,139,255,217,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,206,254,254,254,253,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,140,244,242,222,89,123,254,254,205,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,206,254,206,68,14,0,64,254,254,254,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,253,171,20,0,0,0,4,57,254,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,242,0,0,0,0,0,0,2,191,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,246,73,0,0,0,0,0,0,2,198,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,231,0,0,0,0,0,0,0,118,254,197,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,148,0,0,0,0,0,0,90,249,235,183,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,41,247,224,12,0,0,0,0,17,227,188,51,246,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,183,21,0,0,17,153,245,38,110,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,254,234,196,196,227,254,129,1,175,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,163,249,254,249,202,118,16,38,254,172,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,6,0,0,0,153,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,251,232,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,246,250,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,231,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,182,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,77,137,212,228,101,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,254,254,254,254,254,170,103,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,249,127,83,83,227,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,221,254,253,111,0,0,22,225,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,151,0,0,0,78,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,25,0,0,0,128,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,70,0,0,2,197,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,254,196,0,0,60,254,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,250,252,160,106,182,254,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,196,254,254,255,254,255,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,59,133,177,177,206,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,87,158,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,157,253,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,245,189,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,141,16,231,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,253,63,0,55,235,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,81,0,0,194,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,27,71,0,36,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,246,28,6,66,189,232,241,237,236,203,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,210,190,252,253,252,247,189,101,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,236,112,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,191,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,252,252,226,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,245,143,245,252,162,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,99,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,168,0,11,218,253,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,183,4,0,150,255,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,252,186,64,27,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,252,247,232,253,252,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,210,252,252,252,253,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,51,147,235,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,180,144,249,192,64,106,254,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,181,253,253,253,254,253,253,253,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,253,253,253,253,254,253,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,232,90,206,135,84,84,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,253,253,144,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,254,169,0,0,0,13,13,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,205,253,253,168,21,77,145,254,253,238,145,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,221,240,253,253,254,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,253,254,253,253,253,253,194,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,202,253,253,253,253,253,223,129,207,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,68,223,199,253,253,253,232,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,208,254,253,253,253,192,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,235,253,253,253,254,253,239,156,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,238,253,253,254,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,64,248,70,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,148,164,194,209,179,145,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,237,253,253,209,206,216,253,235,228,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,240,253,225,77,6,4,11,68,182,254,243,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,243,196,43,0,0,0,0,0,0,254,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,38,0,0,0,0,0,0,0,0,254,253,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,254,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,227,255,226,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,254,68,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,253,186,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,253,177,0,0,41,44,120,59,75,81,131,56,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,253,253,238,211,210,250,253,253,253,253,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,227,202,169,139,125,95,139,139,139,79,0,0,0,0,0,0,0,0,0,0,0,0,0,93,148,148,115,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,218,255,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,184,249,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,209,85,180,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,242,120,0,22,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,115,253,122,0,0,137,253,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,21,3,136,252,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,21,55,253,249,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,146,168,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,250,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,249,253,253,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,249,234,234,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,253,98,109,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,217,31,200,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,129,0,200,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,25,53,251,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,25,151,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,181,154,253,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,215,244,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,249,160,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,113,196,139,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,254,251,142,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,253,253,134,99,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,156,0,0,218,170,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,248,38,0,0,42,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,253,232,0,11,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,222,156,0,148,203,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,223,0,202,253,238,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,211,4,254,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,190,175,254,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,254,255,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,253,253,253,254,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,23,105,207,254,253,195,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,186,254,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,221,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,234,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,254,207,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,128,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,128,128,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,64,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,191,64,0,0,0,64,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,64,128,128,128,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,254,254,254,221,144,144,116,34,34,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,183,163,163,216,228,253,253,254,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,27,44,44,44,99,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,131,253,251,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,216,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,123,247,254,230,74,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,193,253,249,166,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,210,93,45,45,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,230,244,255,253,253,191,116,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,33,23,29,143,172,253,253,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,183,247,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,223,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,89,180,228,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,170,236,253,244,175,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,155,155,228,253,229,132,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,240,176,80,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,215,90,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,213,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,203,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,249,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,230,12,0,0,10,88,162,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,226,11,0,0,120,253,245,148,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,19,0,37,250,253,254,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,19,2,152,254,248,156,231,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,235,68,32,253,208,41,10,204,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,241,133,253,194,0,20,247,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,254,253,230,12,117,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,255,242,51,91,255,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,204,249,242,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,253,75,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,145,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,215,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,220,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,248,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,171,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,255,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,186,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,237,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,248,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,199,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,73,163,182,254,215,195,163,143,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,217,253,254,253,253,253,253,254,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,248,253,253,254,245,216,151,216,191,185,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,245,144,87,43,0,0,0,0,16,227,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,137,0,0,0,0,0,0,0,16,227,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,113,0,0,0,0,0,0,0,81,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,232,16,0,0,0,0,0,0,145,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,85,0,0,0,0,0,0,158,247,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,253,201,0,0,0,0,0,64,249,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,33,0,0,0,0,105,227,49,0,0,0,0,0,0,0,0,0,0,0,0,0,6,73,73,93,208,254,254,255,254,241,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,253,254,253,253,253,253,254,202,121,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,222,253,253,254,253,221,245,253,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,230,253,253,253,248,99,8,199,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,124,52,0,0,167,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,189,27,0,0,135,254,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,165,253,253,253,216,61,55,211,253,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,94,232,253,254,253,253,253,253,217,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,176,247,253,253,253,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,156,227,155,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,99,186,233,246,122,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,137,254,254,254,254,254,198,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,146,253,142,32,32,143,253,254,201,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,93,0,0,0,0,94,246,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,125,0,0,0,0,0,0,126,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,10,0,0,0,0,0,0,103,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,176,0,0,0,0,0,0,38,236,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,52,0,0,0,0,0,8,173,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,80,0,0,0,0,6,129,254,254,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,204,0,0,0,35,173,254,242,244,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,252,134,93,100,235,254,198,89,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,254,254,254,254,250,147,14,60,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,248,254,254,218,68,0,0,86,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,90,48,25,0,0,0,168,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,126,202,254,167,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,67,188,253,253,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,253,254,184,111,62,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,247,231,59,4,0,90,253,197,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,90,0,0,0,66,250,241,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,0,0,24,202,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,253,175,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,45,45,93,211,253,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,254,253,228,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,253,157,143,220,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,92,0,0,0,0,148,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,251,237,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,109,5,0,0,0,0,0,0,96,253,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,241,43,0,0,0,0,0,15,181,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,198,0,0,0,0,0,0,153,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,225,31,0,0,4,12,185,247,205,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,219,54,45,156,253,255,222,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,154,253,253,253,253,253,162,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,71,147,186,143,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,156,234,96,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,253,237,27,0,0,0,0,0,0,73,191,96,0,0,0,0,0,0,0,0,0,0,0,0,0,113,206,255,237,63,0,0,0,0,0,0,0,175,253,126,0,0,0,0,0,0,0,0,0,0,0,0,113,249,253,230,66,0,0,0,0,0,0,0,41,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,159,0,0,0,0,0,0,0,0,60,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,61,0,0,0,0,0,0,0,0,61,156,162,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,231,47,0,128,32,0,0,0,49,230,255,63,0,0,0,0,0,0,0,0,0,0,0,0,17,190,253,253,255,158,64,223,253,128,32,0,64,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,4,111,205,253,254,253,238,249,253,254,210,64,112,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,95,254,253,253,253,253,254,253,253,253,253,194,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,207,230,60,160,231,254,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,47,0,0,71,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,31,226,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,159,242,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,95,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,209,246,122,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,129,200,227,250,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,183,254,254,243,252,249,241,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,85,254,254,254,239,101,0,84,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,249,173,64,0,0,74,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,207,254,214,127,0,0,0,0,52,191,228,94,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,248,194,101,0,0,0,0,0,0,11,184,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,15,187,252,232,59,0,0,0,0,0,0,0,66,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,196,5,0,0,0,0,0,0,0,6,215,222,0,0,0,0,0,0,0,0,0,0,0,0,4,218,254,244,0,0,0,0,0,0,0,0,0,42,239,222,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,157,0,0,0,0,0,0,0,0,0,66,254,136,0,0,0,0,0,0,0,0,0,0,0,0,170,254,203,20,0,0,0,0,0,0,0,0,0,122,254,114,0,0,0,0,0,0,0,0,0,0,0,0,223,254,65,0,0,0,0,0,0,0,0,0,19,227,254,114,0,0,0,0,0,0,0,0,0,0,0,0,223,254,152,0,0,0,0,0,0,0,0,0,116,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,223,254,69,0,0,0,0,0,0,0,0,106,250,254,143,1,0,0,0,0,0,0,0,0,0,0,0,0,223,254,65,0,0,0,0,0,0,0,116,239,254,238,32,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,223,22,0,0,0,0,0,98,203,254,243,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,254,148,33,70,141,141,227,237,243,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,76,189,254,254,254,254,254,94,76,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,154,146,60,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,122,255,203,146,64,38,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,223,253,253,253,253,253,239,184,184,158,76,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,251,253,253,253,253,253,253,253,253,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,102,102,201,210,244,253,253,253,253,227,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,65,65,152,216,253,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,216,253,253,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,230,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,248,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,253,253,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,251,253,253,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,253,253,185,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,235,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,248,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,154,221,255,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,151,237,253,253,253,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,217,253,213,143,199,253,202,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,170,250,190,13,2,176,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,135,0,0,114,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,252,205,12,15,192,250,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,207,67,0,72,253,253,253,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,99,0,0,37,253,253,253,253,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,238,188,19,95,154,242,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,253,252,250,253,253,253,235,253,253,150,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,232,253,253,211,148,68,161,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,166,85,0,0,5,253,253,209,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,237,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,253,211,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,250,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,218,255,254,254,198,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,250,253,243,157,90,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,249,253,197,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,192,252,253,208,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,253,253,174,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,180,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,253,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,126,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,242,253,103,0,0,25,69,96,206,206,139,69,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,130,120,186,209,253,253,253,253,253,253,194,66,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,253,253,253,253,250,226,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,202,109,109,98,3,176,249,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,179,129,129,84,0,0,0,0,0,53,237,221,37,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,158,0,0,0,0,0,0,0,0,0,220,253,75,0,0,0,0,0,0,0,0,0,0,0,0,10,155,253,251,149,2,0,0,0,0,0,41,138,249,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,67,7,0,0,7,66,226,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,94,236,253,253,186,179,179,187,253,253,253,172,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,243,253,253,253,253,253,253,232,102,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,175,253,253,253,163,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,186,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,248,105,0,217,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,243,15,217,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,253,183,10,178,242,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,26,0,62,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,163,0,0,27,238,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,78,0,0,0,199,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,72,0,0,0,154,240,0,0,0,3,37,128,108,6,0,0,0,0,0,0,0,0,0,0,0,0,21,230,111,0,0,0,109,253,7,30,122,203,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,199,227,92,91,59,160,253,207,222,253,253,253,254,233,23,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,255,254,254,254,254,255,254,254,222,148,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,166,254,253,253,253,253,254,202,108,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,158,158,132,242,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,196,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,255,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,235,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,220,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,253,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,178,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,214,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,245,254,229,0,33,162,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,243,254,219,38,0,174,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,254,205,45,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,120,0,0,0,236,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,166,0,0,0,56,249,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,203,21,0,0,9,218,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,62,0,0,0,22,254,251,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,254,162,3,0,0,0,178,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,254,241,31,0,0,0,65,252,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,254,241,32,0,0,0,150,254,221,13,15,15,66,110,11,0,0,0,0,0,0,0,0,0,0,0,0,95,253,254,196,65,0,25,245,254,230,187,254,254,255,254,207,9,0,0,0,0,0,0,0,0,0,0,0,0,135,248,254,251,236,242,254,254,241,211,211,147,205,254,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,54,148,242,249,254,253,125,37,0,0,0,99,111,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,242,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,190,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,227,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,219,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,209,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,222,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,230,254,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,255,255,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,217,255,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,34,159,254,254,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,253,254,253,198,193,253,227,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,175,253,253,154,77,8,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,239,253,213,73,0,0,0,32,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,253,253,200,61,0,0,0,0,157,253,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,167,22,0,0,0,0,118,251,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,46,45,2,0,0,0,26,199,250,238,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,93,254,253,173,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,78,145,208,253,255,224,89,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,253,253,253,253,254,253,253,251,221,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,198,221,153,111,111,126,221,221,239,255,254,148,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,149,239,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,245,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,63,0,0,0,0,0,0,0,0,0,0,0,0,112,129,0,0,0,0,0,0,0,0,0,0,0,146,253,66,0,0,0,0,0,0,0,0,0,0,0,165,251,159,0,0,0,0,0,0,0,0,0,0,109,249,238,43,0,0,0,0,0,0,0,0,0,0,62,250,253,93,0,0,0,0,0,0,0,0,6,84,225,248,151,0,0,0,0,0,0,0,0,0,0,0,55,246,253,208,45,4,0,14,6,0,12,88,206,253,238,109,0,0,0,0,0,0,0,0,0,0,0,0,0,98,216,253,253,193,188,208,196,189,205,253,253,203,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,143,181,253,253,253,253,143,143,100,33,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,206,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,243,246,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,230,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,252,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,16,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,90,0,0,0,0,0,26,207,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,130,252,253,243,50,0,0,0,0,57,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,87,7,57,32,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,252,233,178,252,216,169,109,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,252,252,253,252,252,252,252,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,255,253,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,242,167,168,243,252,252,252,253,243,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,195,227,96,0,0,50,165,233,252,253,252,239,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,0,0,0,0,0,75,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,115,254,254,254,255,217,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,127,248,253,253,253,253,253,253,251,200,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,159,253,253,253,253,213,107,107,107,200,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,71,177,249,253,253,253,188,86,5,0,0,80,94,7,2,0,0,0,0,0,0,0,0,0,0,0,23,96,239,253,253,248,134,61,19,0,0,26,110,244,250,89,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,137,0,0,0,0,123,215,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,44,247,253,253,253,79,15,85,85,100,239,251,253,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,230,193,253,253,253,253,253,253,253,245,122,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,253,253,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,4,112,176,235,211,223,176,176,129,137,253,253,253,218,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,35,47,0,0,8,138,253,253,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,219,253,253,234,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,253,253,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,179,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,253,233,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,220,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,234,99,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,211,255,254,254,152,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,188,176,176,237,254,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,7,141,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,166,249,223,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,102,70,99,183,240,210,125,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,242,105,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,50,121,215,254,238,115,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,80,213,254,193,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,165,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,250,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,204,242,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,73,0,0,0,0,0,0,0,0,0,0,0,0,66,76,0,0,0,0,0,0,0,0,0,0,2,194,248,43,0,0,0,0,0,0,0,0,0,0,0,0,127,235,83,2,0,0,0,0,0,0,0,0,90,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,254,166,96,19,9,5,0,5,49,133,237,250,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,252,254,254,254,214,177,213,254,254,214,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,101,167,226,182,254,183,157,82,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,185,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,251,217,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,210,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,242,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,251,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,45,0,0,0,0,0,215,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,149,0,0,0,0,0,214,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,226,0,0,0,0,0,214,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,249,90,0,0,0,30,227,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,107,0,0,0,94,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,107,0,0,0,94,253,253,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,235,36,41,41,98,203,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,157,253,253,243,165,253,254,253,253,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,253,253,254,253,253,253,253,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,253,253,254,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,255,255,254,254,254,198,134,242,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,236,146,69,13,7,0,101,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,26,22,0,0,0,0,0,214,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,249,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,217,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,253,253,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,253,253,229,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,245,253,253,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,13,33,56,56,56,123,165,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,111,161,210,235,221,236,254,254,254,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,254,254,254,254,254,239,189,150,247,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,164,234,234,219,134,134,94,27,0,34,239,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,232,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,230,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,185,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,162,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,238,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,249,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,250,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,161,162,212,254,254,229,112,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,253,254,253,253,253,254,253,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,239,162,230,238,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,151,25,0,0,25,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,239,25,0,0,0,0,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,121,0,0,0,5,181,220,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,66,253,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,253,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,253,253,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,155,254,253,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,254,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,232,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,120,19,0,0,0,0,0,0,0,0,0,60,198,198,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,112,0,0,0,0,0,0,0,0,0,172,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,120,0,0,0,0,0,0,0,0,12,218,254,97,0,0,0,0,0,0,0,0,0,0,0,0,28,241,231,21,0,0,0,0,0,0,0,0,56,254,251,63,0,0,0,0,0,0,0,0,0,0,0,0,137,254,128,0,0,0,0,0,0,0,0,0,221,254,233,0,0,0,0,0,0,0,0,0,0,0,0,26,234,247,56,0,0,0,0,0,0,0,0,0,229,254,140,0,0,0,0,0,0,0,0,0,0,0,0,86,254,173,0,0,0,0,0,0,0,0,0,0,229,254,140,0,0,0,0,0,0,0,0,0,0,0,24,211,254,20,0,0,0,0,0,0,0,0,0,20,236,254,140,0,0,0,0,0,0,0,0,0,0,0,95,254,220,12,0,0,0,0,0,0,0,0,0,81,254,254,96,0,0,0,0,0,0,0,0,0,0,0,158,254,254,42,0,0,0,0,0,0,0,0,20,227,254,254,36,0,0,0,0,0,0,0,0,0,0,0,198,254,254,218,100,12,0,0,0,0,0,0,73,254,254,228,22,0,0,0,0,0,0,0,0,0,0,0,124,253,254,254,254,251,182,144,42,42,8,79,204,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,75,195,254,254,254,254,254,254,254,204,254,182,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,69,120,168,223,223,223,223,163,40,33,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,171,232,156,156,141,59,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,204,254,253,253,253,253,230,125,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,223,253,253,253,253,254,253,199,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,19,19,19,19,79,202,253,227,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,126,245,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,253,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,240,253,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,235,253,169,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,157,147,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,252,252,211,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,252,252,252,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,252,252,187,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,252,252,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,253,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,78,245,253,253,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,157,252,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,31,153,249,253,252,252,252,103,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,197,252,252,252,253,252,247,162,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,236,252,252,252,252,253,217,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,253,253,253,253,255,95,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,253,252,252,252,252,253,252,212,85,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,232,253,252,252,252,252,253,252,252,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,183,252,252,252,252,253,252,252,252,226,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,68,42,113,147,104,191,147,121,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,82,159,177,187,187,58,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,177,234,253,254,253,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,138,250,253,253,253,254,184,236,253,253,219,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,207,253,252,231,149,25,11,4,9,69,207,253,249,152,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,194,0,0,0,0,0,0,0,166,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,118,251,253,145,5,0,0,0,0,0,0,8,196,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,210,253,203,5,0,0,0,0,0,0,53,181,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,45,122,237,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,239,102,7,0,58,127,255,253,253,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,13,245,253,253,224,221,245,253,254,253,210,105,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,229,254,254,254,254,225,237,144,19,23,255,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,77,77,77,77,10,34,0,0,100,253,191,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,246,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,92,141,229,253,255,253,253,103,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,243,253,252,252,252,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,172,252,252,156,56,56,56,56,81,196,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,214,90,0,0,0,0,0,0,85,252,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,200,25,0,0,0,0,0,0,0,0,226,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,253,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,231,252,252,253,252,231,175,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,241,254,253,253,228,229,253,253,253,254,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,240,109,9,10,84,171,246,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,168,156,43,0,0,0,0,0,100,253,252,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,19,172,110,0,0,0,0,0,0,0,0,66,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,90,0,0,0,0,0,0,0,0,191,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,169,216,16,0,0,0,0,0,7,29,179,254,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,178,57,57,57,57,70,187,252,252,253,214,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,252,252,252,253,252,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,190,253,252,252,252,241,139,139,90,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,152,254,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,229,253,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,228,253,253,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,114,7,7,147,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,251,247,130,17,151,193,193,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,214,0,85,253,253,253,242,139,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,69,0,57,178,253,253,253,253,198,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,185,17,0,0,9,68,209,244,253,253,249,185,46,0,0,0,0,0,0,0,0,0,0,0,0,53,228,253,160,0,0,0,0,0,0,98,253,253,253,253,223,48,0,0,0,0,0,0,0,0,0,0,0,101,253,253,160,0,0,0,0,0,0,2,22,158,228,253,253,234,45,0,0,0,0,0,0,0,0,0,0,92,248,253,160,0,0,0,0,0,0,0,0,0,61,240,253,253,155,5,0,0,0,0,0,0,0,0,0,0,200,253,205,30,0,0,0,0,0,0,0,0,0,60,235,253,253,45,0,0,0,0,0,0,0,0,0,0,200,253,253,61,0,0,0,0,0,0,0,0,0,0,80,253,253,181,0,0,0,0,0,0,0,0,0,0,200,253,253,70,0,0,0,0,0,0,0,0,0,0,62,253,253,189,0,0,0,0,0,0,0,0,0,0,130,253,253,214,0,0,0,0,0,0,0,0,0,0,132,253,253,45,0,0,0,0,0,0,0,0,0,0,7,127,251,247,131,42,0,0,0,0,0,0,4,62,225,253,161,7,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,222,50,8,8,8,84,162,167,253,253,248,140,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,253,253,253,253,253,253,253,253,253,227,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,199,217,253,253,253,253,253,253,250,199,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,118,253,253,253,253,117,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,254,255,186,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,233,157,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,86,250,254,226,217,248,254,254,254,249,151,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,254,222,182,64,0,37,116,174,253,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,18,3,8,0,0,0,0,199,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,103,0,0,0,0,19,173,253,254,234,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,254,254,154,2,1,90,214,254,254,212,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,199,253,254,197,164,254,254,254,207,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,254,254,246,126,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,254,231,201,245,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,245,254,244,37,0,147,254,188,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,252,89,0,0,4,203,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,117,0,0,0,0,66,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,89,0,0,0,0,60,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,63,0,0,0,0,50,250,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,143,14,0,0,10,175,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,247,254,254,229,157,176,225,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,254,254,254,139,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,61,172,254,254,254,185,81,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,123,245,253,209,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,183,252,252,252,252,243,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,223,253,252,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,216,110,84,84,225,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,252,208,18,0,0,0,211,253,252,118,106,62,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,253,253,147,0,0,0,11,219,254,253,253,253,253,175,11,0,0,0,0,0,0,0,0,0,0,0,78,252,182,252,182,0,0,8,171,252,253,252,252,252,252,253,170,7,0,0,0,0,0,0,0,0,0,0,51,174,23,252,252,171,162,234,252,252,253,201,29,91,223,253,252,170,0,0,0,0,0,0,0,0,0,0,32,126,22,252,252,253,252,252,252,252,199,21,0,0,35,227,252,231,0,0,0,0,0,0,0,0,0,0,0,0,4,138,252,253,252,252,226,147,18,0,0,0,0,104,252,249,115,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,253,152,0,0,0,0,0,0,0,43,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,189,5,0,0,0,0,0,0,0,78,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,0,148,252,252,221,21,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,0,174,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,89,253,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,56,0,0,0,0,4,69,236,255,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,247,120,85,86,121,195,252,252,253,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,253,252,252,252,252,241,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,184,252,252,252,253,252,252,252,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,95,217,208,253,217,138,42,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,47,64,150,206,254,255,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,209,253,253,182,105,89,167,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,248,210,114,12,3,0,0,36,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,231,173,26,0,0,0,0,0,125,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,221,28,0,0,0,0,0,40,233,247,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,191,0,0,0,0,0,0,108,247,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,191,0,0,0,0,0,83,245,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,232,53,0,0,11,141,248,177,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,146,43,212,220,250,180,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,236,249,21,79,98,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,200,253,201,99,99,99,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,145,237,253,253,245,212,195,72,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,190,253,127,62,186,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,146,240,89,2,0,110,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,122,0,0,0,110,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,213,11,0,0,0,160,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,170,0,0,0,17,224,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,242,64,0,1,155,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,238,195,58,154,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,203,253,247,149,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,232,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,183,0,0,0,0,0,17,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,176,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,252,141,0,0,0,0,26,224,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,231,37,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,92,0,0,0,0,0,132,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,173,47,47,26,22,30,228,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,252,252,221,216,197,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,160,227,252,210,161,166,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,22,12,11,203,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,210,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,207,253,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,252,252,252,253,252,231,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,214,195,222,252,252,246,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,253,242,114,28,0,38,130,230,252,252,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,167,0,0,0,0,0,25,205,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,141,0,0,0,0,0,0,0,108,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,15,0,0,0,0,0,0,0,19,214,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,252,0,0,0,0,0,0,0,0,0,31,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,0,0,0,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,0,0,0,0,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,0,0,0,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,51,242,252,16,0,0,0,0,0,0,0,4,107,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,203,15,0,0,0,0,0,0,107,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,255,168,0,0,0,0,0,26,207,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,253,243,193,85,85,38,131,231,252,252,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,222,252,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,130,230,252,252,253,252,245,208,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,112,112,190,112,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,83,130,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,214,227,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,237,252,152,148,232,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,213,253,252,130,128,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,147,252,253,188,19,213,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,252,252,164,4,0,213,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,186,252,250,141,42,0,0,213,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,179,252,252,224,0,0,0,0,213,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,230,252,252,229,45,0,0,0,0,213,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,252,252,231,44,78,133,134,133,133,234,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,183,253,253,253,255,253,253,253,253,225,121,134,169,0,0,0,0,0,0,0,0,0,0,233,252,252,252,252,252,252,252,252,202,145,145,235,252,252,252,252,251,114,0,0,0,0,0,0,0,0,157,251,252,252,252,252,237,144,26,26,14,0,0,213,252,252,252,252,121,12,0,0,0,0,0,0,0,0,140,252,252,252,188,74,33,0,0,0,0,0,0,213,252,252,106,39,17,0,0,0,0,0,0,0,0,0,25,123,53,53,11,0,0,0,0,0,0,0,0,178,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,154,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,239,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,61,0,0,150,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,181,0,0,212,255,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,206,21,0,212,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,34,26,237,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,243,208,4,44,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,127,0,44,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,41,0,119,254,197,125,78,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,30,38,210,254,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,140,237,254,254,224,129,62,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,255,254,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,248,149,237,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,142,55,0,216,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,244,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,239,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,197,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,118,193,96,77,118,118,118,118,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,235,244,254,254,251,248,254,254,254,254,239,235,216,0,0,0,0,0,0,0,0,0,0,0,0,0,145,238,254,254,254,254,254,254,252,178,178,178,178,178,89,0,0,0,0,0,0,0,0,0,0,0,0,73,235,254,254,230,76,61,61,61,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,254,254,165,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,254,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,226,254,254,229,105,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,227,254,254,254,242,207,118,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,206,227,254,254,254,254,216,120,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,137,227,247,255,254,254,218,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,199,252,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,191,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,148,95,0,0,0,0,0,0,0,0,0,0,7,243,254,192,0,0,0,0,0,0,0,0,0,0,0,0,235,178,0,0,0,0,0,0,0,0,0,0,41,246,254,192,0,0,0,0,0,0,0,0,0,0,0,0,127,238,96,20,0,0,0,0,0,0,41,141,227,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,29,226,254,204,180,180,180,180,180,180,228,254,254,254,196,16,0,0,0,0,0,0,0,0,0,0,0,0,0,122,250,254,254,254,254,254,254,254,254,254,254,235,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,117,124,254,254,254,254,254,254,175,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,207,253,255,253,222,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,246,252,252,253,252,252,249,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,231,252,214,118,56,55,87,233,252,229,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,84,0,0,0,0,72,239,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,220,37,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,110,0,0,0,0,0,0,0,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,240,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,29,76,169,169,169,29,181,252,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,252,252,252,253,252,252,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,253,253,253,253,255,253,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,152,56,142,252,252,253,223,58,177,252,241,72,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,229,215,252,252,252,133,37,0,53,227,253,233,153,0,0,0,0,0,0,0,0,0,0,0,0,19,193,239,253,252,252,217,84,0,0,0,0,47,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,63,63,174,127,112,37,0,0,0,0,0,0,112,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,64,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,113,144,253,253,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,252,252,252,252,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,239,233,252,253,252,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,99,65,56,177,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,114,113,144,253,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,243,252,253,252,252,252,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,252,252,253,252,239,103,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,253,252,252,252,252,253,252,252,252,205,108,3,0,0,0,0,0,0,0,0,0,0,0,0,0,25,112,112,190,112,112,112,112,174,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,214,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,159,50,0,101,113,207,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,252,237,226,249,252,252,252,215,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,253,252,252,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,218,252,252,252,253,252,198,84,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,112,112,112,174,127,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,128,245,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,155,254,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,244,254,253,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,244,103,128,245,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,224,51,0,0,231,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,239,199,27,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,125,245,202,17,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,168,19,0,0,0,0,26,239,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,148,0,0,0,0,0,0,70,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,247,140,11,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,210,17,0,19,24,49,116,157,207,221,253,181,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,228,185,184,240,253,254,253,244,228,254,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,255,216,184,118,68,0,0,0,162,254,122,127,34,0,0,0,0,0,0,0,0,0,0,0,0,0,19,23,23,11,0,0,0,0,0,0,161,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,234,38,13,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,249,152,187,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,144,207,254,254,254,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,147,253,253,254,253,253,253,253,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,203,253,253,210,154,77,44,153,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,223,253,253,213,69,0,0,9,192,253,207,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,244,90,0,0,39,181,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,253,250,88,0,0,51,204,253,253,253,172,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,88,0,0,5,245,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,253,238,18,0,0,178,254,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,131,0,0,58,245,255,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,55,0,68,203,253,254,253,119,245,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,216,245,254,254,254,237,116,0,244,255,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,31,217,253,253,253,253,233,187,34,0,0,243,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,116,154,154,134,31,0,0,0,0,243,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,167,253,195,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,233,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,173,214,253,142,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,163,203,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,253,203,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,152,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,0,0,0,82,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,0,0,0,0,123,223,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,193,233,255,253,255,253,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,151,232,253,212,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,128,64,128,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,128,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,199,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,191,252,254,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,216,187,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,200,177,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,181,31,151,214,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,144,0,0,136,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,34,0,10,212,246,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,241,20,109,194,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,253,142,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,169,254,254,173,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,199,254,245,176,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,160,251,254,238,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,213,254,243,82,71,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,242,254,192,47,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,114,10,0,0,49,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,194,0,0,0,2,49,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,222,95,54,0,83,186,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,218,249,226,236,248,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,158,187,129,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,195,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,246,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,63,92,175,255,191,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,192,252,254,254,254,242,244,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,236,231,197,146,39,45,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,182,45,3,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,190,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,231,254,121,116,116,116,116,87,20,20,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,254,254,254,254,254,232,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,110,110,110,110,110,110,110,110,162,205,237,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,226,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,167,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,252,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,61,0,48,214,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,172,13,115,254,226,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,245,231,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,248,93,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,109,212,253,110,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,94,217,253,252,252,252,253,242,196,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,242,252,252,253,252,231,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,252,253,128,46,190,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,158,123,0,0,0,16,191,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,5,0,0,0,0,161,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,161,232,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,255,253,253,170,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,252,252,253,222,114,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,253,252,252,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,170,252,148,190,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,252,222,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,246,215,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,164,255,254,248,80,80,80,182,97,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,253,253,203,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,113,224,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,34,34,34,178,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,199,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,249,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,250,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,181,253,161,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,94,220,164,237,147,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,254,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,254,254,254,254,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,214,183,100,211,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,113,0,0,196,254,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,172,90,104,248,254,254,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,233,216,254,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,254,254,254,254,254,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,164,254,254,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,96,195,122,236,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,204,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,199,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,207,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,235,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,219,172,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,11,0,0,0,174,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,213,0,0,22,237,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,160,144,0,0,55,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,238,26,0,0,63,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,206,207,0,0,0,111,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,250,89,0,0,0,149,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,243,181,0,0,0,0,222,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,97,0,0,0,9,227,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,240,27,0,0,9,115,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,225,0,8,120,211,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,251,222,227,254,254,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,254,254,254,209,140,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,199,234,233,40,12,51,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,14,18,0,0,51,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,232,84,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,193,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,150,235,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,121,185,183,134,191,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,128,242,253,253,147,146,186,253,250,213,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,247,253,253,198,89,0,0,10,218,253,225,102,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,240,88,17,0,0,0,0,76,237,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,53,45,0,0,0,0,0,0,0,60,218,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,208,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,194,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,192,215,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,186,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,121,121,122,121,121,234,254,254,255,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,135,243,253,253,253,254,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,85,207,248,253,253,194,152,26,26,193,253,253,253,253,217,10,0,0,0,0,0,0,0,0,0,0,0,35,236,253,253,236,81,15,0,0,0,149,253,253,253,253,247,192,0,0,0,0,0,0,0,0,0,0,32,217,253,253,235,77,0,0,0,0,202,251,253,253,253,253,253,248,85,0,0,0,0,0,0,0,0,0,149,253,253,253,88,0,0,0,39,187,254,253,253,236,143,253,253,253,205,0,0,0,0,0,0,0,0,0,255,253,253,253,53,0,7,126,220,253,255,236,163,55,57,243,253,253,147,0,0,0,0,0,0,0,0,0,169,253,253,253,144,56,175,253,253,253,228,130,0,0,0,168,174,236,132,76,0,0,0,0,0,0,0,0,51,162,240,244,253,253,244,240,162,107,0,0,0,0,0,0,95,216,146,197,0,0,0,0,0,0,0,0,0,0,0,38,120,120,38,0,0,0,0,0,0,0,0,0,0,13,57,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,116,199,239,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,122,202,225,118,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,70,0,39,68,176,254,217,165,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,222,247,253,213,106,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,219,95,95,50,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,205,170,190,190,190,131,32,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,206,205,205,205,205,224,253,200,108,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,101,201,253,199,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,115,248,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,255,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,104,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,186,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,211,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,23,0,0,0,0,0,0,0,43,138,138,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,197,4,0,0,0,0,0,0,49,224,192,213,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,184,0,0,0,0,0,0,0,254,119,13,59,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,185,0,0,0,0,0,0,119,102,0,0,0,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,210,9,0,0,0,0,13,222,0,0,0,0,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,241,19,0,0,0,0,21,238,125,3,0,51,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,90,0,0,0,0,0,25,254,90,9,209,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,237,55,0,0,0,0,0,26,189,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,224,234,89,0,0,0,0,30,185,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,215,236,208,157,157,207,237,164,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,220,253,244,160,103,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,131,123,236,148,148,87,43,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,252,252,252,253,252,252,211,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,21,21,91,82,144,231,240,245,252,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,169,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,203,239,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,166,253,253,253,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,252,196,124,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,232,247,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,148,113,172,0,0,0,110,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,174,56,0,0,0,101,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,252,21,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,169,7,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,184,253,63,0,0,0,18,27,232,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,247,53,0,0,36,255,174,245,243,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,225,21,8,155,242,253,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,237,234,252,252,253,252,136,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,252,252,252,190,110,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,226,208,182,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,163,63,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,165,45,29,29,29,29,29,18,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,254,254,254,254,254,254,254,228,254,193,185,68,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,254,254,254,254,254,254,254,254,253,237,96,0,0,0,0,0,0,0,0,0,0,83,253,254,254,254,243,229,175,133,133,118,78,98,83,38,38,38,24,0,0,0,0,0,0,0,0,0,0,0,217,254,254,150,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,171,254,245,88,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,200,254,254,133,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,199,246,254,168,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,249,254,168,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,215,254,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,211,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,250,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,10,0,0,0,0,0,0,0,0,0,173,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,48,0,0,0,0,0,0,0,0,79,246,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,131,5,4,3,5,5,49,102,192,243,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,254,233,206,254,254,254,254,254,254,254,242,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,175,254,254,254,254,254,254,254,254,239,126,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,97,157,194,227,181,173,127,62,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,117,175,254,255,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,154,254,245,214,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,201,240,186,32,3,175,86,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,148,1,0,0,1,163,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,219,4,0,0,0,4,241,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,225,8,0,0,0,148,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,120,0,6,83,236,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,225,252,223,227,254,254,235,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,230,254,246,197,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,10,9,11,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,222,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,228,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,66,241,255,253,253,153,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,225,233,196,134,159,240,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,185,253,196,112,0,0,0,110,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,202,78,9,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,254,228,141,91,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,202,197,208,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,168,80,6,0,13,94,243,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,192,66,7,0,0,7,154,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,228,252,187,169,57,76,228,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,187,252,252,253,252,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,190,253,252,127,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,153,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,254,253,247,235,150,74,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,236,254,254,207,254,255,254,254,245,242,208,156,154,46,0,0,0,0,0,0,0,0,0,0,0,18,168,248,254,224,87,6,141,254,254,254,254,254,254,254,255,249,0,0,0,0,0,0,0,0,0,0,18,202,254,254,241,96,0,0,4,21,32,108,108,108,108,111,133,79,0,0,0,0,0,0,0,0,0,18,202,254,254,182,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,202,254,254,162,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,217,126,126,106,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,188,253,254,254,254,244,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,75,109,165,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,227,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,249,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,249,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,130,193,221,163,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,253,254,236,187,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,218,253,253,92,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,90,0,0,0,22,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,246,244,164,12,0,0,0,243,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,209,0,0,0,24,132,251,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,225,248,61,0,0,2,75,253,253,225,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,223,0,0,0,102,253,253,253,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,131,0,0,117,226,233,240,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,233,178,221,249,254,138,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,254,254,254,225,97,9,217,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,187,187,106,10,0,67,253,209,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,252,252,180,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,225,59,37,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,245,204,238,252,252,252,176,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,83,107,0,81,238,252,252,252,252,176,61,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,60,163,211,252,253,252,198,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,48,111,216,252,243,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,243,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,247,252,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,70,255,253,253,230,132,132,231,253,143,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,180,252,253,252,252,252,252,252,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,63,189,252,252,252,234,146,153,96,125,181,96,213,252,252,0,0,0,0,0,0,0,0,0,0,31,26,135,233,252,252,252,206,40,0,0,0,0,0,0,177,252,252,0,0,0,0,0,0,0,0,3,129,225,218,252,252,252,200,83,4,0,0,0,0,0,0,21,225,252,165,0,0,0,0,0,0,0,0,9,221,252,252,252,231,82,9,0,0,0,0,0,0,0,35,199,252,252,40,0,0,0,0,0,0,0,0,0,97,167,144,48,34,0,0,0,0,0,0,0,0,21,120,243,252,124,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,191,252,252,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,136,143,143,143,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,184,253,159,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,220,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,178,253,248,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,240,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,150,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,91,91,133,254,254,254,254,254,254,255,254,111,38,0,0,0,0,0,0,0,0,0,0,0,2,17,144,216,253,253,253,253,253,253,253,253,253,253,253,253,211,132,6,0,0,0,0,0,0,0,0,0,86,253,253,253,253,253,225,146,146,146,146,146,146,146,146,170,253,253,89,0,0,0,0,0,0,0,0,71,237,253,253,253,193,56,42,0,0,0,0,0,0,0,0,13,171,253,217,0,0,0,0,0,0,0,0,170,253,253,237,129,21,0,0,0,0,0,0,0,0,0,0,0,76,246,173,0,0,0,0,0,0,0,0,254,253,253,226,50,8,0,0,0,17,50,50,66,213,213,213,165,0,38,14,0,0,0,0,0,0,0,0,254,253,253,253,253,157,139,139,139,176,253,253,253,253,253,253,227,59,0,0,0,0,0,0,0,0,0,0,82,234,253,253,253,253,253,253,253,253,208,187,187,187,240,253,253,106,0,0,0,0,0,0,0,0,0,0,0,70,163,253,253,253,253,253,253,102,31,0,0,0,105,253,253,196,10,0,0,0,0,0,0,0,0,0,0,0,3,7,7,7,7,7,7,1,0,0,0,0,42,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,249,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,246,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,222,183,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,6,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,117,166,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,151,252,254,222,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,200,250,254,249,147,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,184,248,254,255,218,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,191,254,254,163,95,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,192,254,245,83,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,204,225,125,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,242,161,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,179,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,194,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,216,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,9,86,225,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,231,252,253,206,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,222,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,144,173,254,187,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,210,254,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,120,242,253,254,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,235,253,253,244,169,73,231,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,244,164,50,0,0,210,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,167,45,0,0,0,0,210,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,2,0,0,0,21,151,250,233,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,141,211,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,254,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,254,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,111,78,244,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,142,0,0,0,0,0,210,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,201,248,122,40,60,75,151,250,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,255,253,217,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,203,253,253,253,253,244,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,95,162,171,143,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,56,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,3,2,132,253,253,224,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,164,179,124,18,195,165,134,232,245,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,165,253,235,146,0,14,0,0,51,193,243,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,245,107,5,0,0,0,0,0,0,39,173,229,19,0,0,0,0,0,0,0,0,0,0,0,0,34,227,253,161,0,0,0,0,0,0,0,0,0,71,251,200,5,0,0,0,0,0,0,0,0,0,0,0,137,253,228,16,0,0,0,0,0,0,0,0,0,0,201,253,82,0,0,0,0,0,0,0,0,0,0,120,249,242,41,0,0,0,0,0,0,0,0,0,0,0,41,253,210,9,0,0,0,0,0,0,0,0,43,243,253,120,0,0,0,0,0,0,0,0,0,0,0,0,9,167,253,54,0,0,0,0,0,0,0,0,153,253,190,1,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,54,0,0,0,0,0,0,0,0,235,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,134,0,0,0,0,0,0,0,0,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,153,0,0,0,0,0,0,0,0,209,193,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,199,0,0,0,0,0,0,0,0,154,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,0,0,0,0,0,0,0,0,67,253,246,31,0,0,0,0,0,0,0,0,0,0,0,0,0,94,238,165,0,0,0,0,0,0,0,0,17,191,253,182,25,0,0,0,0,0,0,0,0,0,0,0,88,235,253,123,0,0,0,0,0,0,0,0,0,17,227,254,211,84,75,30,0,0,0,0,0,24,45,166,252,254,107,5,0,0,0,0,0,0,0,0,0,0,17,193,253,253,253,243,189,189,189,189,189,232,254,253,206,90,3,0,0,0,0,0,0,0,0,0,0,0,0,5,78,160,169,208,208,253,253,253,251,208,199,78,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,54,54,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,151,239,234,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,254,214,218,233,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,246,39,71,74,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,217,240,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,207,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,181,0,0,0,0,42,53,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,181,0,0,84,163,244,254,237,106,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,181,3,136,253,191,109,66,187,252,144,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,181,16,254,134,0,0,0,0,167,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,181,1,84,62,0,0,0,0,15,216,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,181,0,0,0,0,0,0,0,0,182,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,247,36,0,0,0,0,0,0,0,182,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,205,0,0,0,0,0,0,22,231,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,247,252,150,23,0,0,2,47,217,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,201,254,214,98,99,177,254,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,238,254,254,254,175,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,92,219,254,254,254,175,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,214,253,253,244,180,251,253,114,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,109,253,250,235,146,30,0,87,156,253,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,250,128,0,0,0,0,0,154,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,201,0,0,0,0,0,122,234,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,195,80,38,38,68,161,233,202,208,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,253,253,253,253,253,242,173,59,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,98,204,204,204,173,59,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,170,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,147,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,139,159,169,233,201,128,24,7,0,0,87,61,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,252,253,252,252,252,252,253,252,90,0,22,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,240,183,183,183,253,252,234,131,215,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,140,37,0,0,0,56,219,252,252,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,178,42,0,0,0,0,161,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,251,255,232,48,0,0,87,253,253,203,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,232,252,227,50,147,212,252,187,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,252,227,246,253,134,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,203,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,140,178,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,244,123,17,42,201,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,206,0,0,0,86,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,112,0,0,0,24,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,24,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,154,0,0,0,24,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,236,129,9,0,45,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,190,252,252,196,184,222,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,177,252,252,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,157,242,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,50,0,0,0,0,0,0,0,0,0,0,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,19,181,237,48,0,0,0,0,0,0,0,0,126,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,140,0,0,0,0,0,0,0,7,165,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,216,18,0,0,0,0,0,0,29,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,190,12,0,0,0,0,0,0,29,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,141,0,0,0,0,0,0,0,29,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,140,0,0,0,0,0,0,67,181,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,229,197,165,73,197,198,197,240,252,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,253,252,252,252,252,253,252,252,252,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,252,252,253,252,141,205,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,32,153,253,255,253,253,253,253,255,253,56,29,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,19,167,168,167,214,167,167,168,42,6,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,152,253,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,127,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,171,253,232,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,115,217,237,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,212,252,252,252,237,215,241,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,206,253,252,252,252,207,144,221,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,211,252,253,252,252,252,253,252,252,252,206,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,241,179,119,35,190,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,61,0,0,53,232,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,191,15,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,0,0,0,0,0,218,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,97,0,0,0,0,32,227,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,112,0,0,0,0,0,129,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,71,0,0,0,0,84,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,72,0,0,0,16,191,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,252,189,10,0,0,21,181,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,179,0,0,0,94,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,179,0,0,63,237,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,72,0,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,124,155,253,189,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,252,252,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,20,148,0,53,239,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,194,118,174,0,195,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,181,244,161,13,52,248,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,122,253,83,0,0,174,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,254,0,0,19,239,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,136,39,0,10,129,245,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,20,253,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,64,0,0,162,253,253,230,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,154,5,0,46,244,253,253,118,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,156,241,113,30,0,0,141,254,254,229,218,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,245,145,0,4,95,254,253,253,236,239,181,59,0,0,0,0,0,0,0,0,0,0,0,0,0,25,240,253,254,99,0,40,253,254,253,253,173,235,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,220,253,254,251,234,199,253,254,253,253,231,64,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,253,253,253,254,245,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,255,254,254,254,254,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,39,39,149,253,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,237,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,210,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,137,232,252,253,252,201,63,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,213,252,252,252,245,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,218,252,252,252,252,49,140,245,99,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,246,253,217,244,252,208,0,50,244,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,168,76,245,243,35,0,0,66,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,252,27,121,245,82,0,0,0,15,224,252,243,48,0,0,0,0,0,0,0,0,0,0,0,0,43,242,252,112,145,247,231,0,0,0,0,0,41,232,253,116,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,217,253,252,134,0,0,0,0,0,0,140,253,189,6,0,0,0,0,0,0,0,0,0,0,0,50,244,252,252,253,137,4,0,0,0,0,0,0,18,253,252,109,0,0,0,0,0,0,0,0,0,0,0,0,9,176,124,45,0,0,0,0,0,0,0,0,0,148,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,255,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,83,135,246,252,223,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,252,252,252,199,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,182,155,121,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,114,254,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,148,211,246,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,180,253,254,244,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,246,253,253,134,83,253,253,217,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,226,151,29,32,206,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,223,144,0,0,123,253,253,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,253,245,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,255,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,254,242,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,254,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,95,248,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,121,214,253,253,232,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,253,253,253,253,208,0,0,0,0,0,0,0,40,49,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,253,208,0,0,0,0,15,75,162,133,144,0,0,0,0,0,0,0,0,0,0,0,32,212,253,253,253,253,253,232,134,0,0,88,191,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,205,248,253,253,241,239,248,253,253,171,7,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,240,190,28,197,243,253,254,253,253,232,164,17,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,182,73,0,0,0,80,104,105,104,104,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,129,150,254,254,254,255,192,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,187,253,253,254,253,253,253,253,254,237,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,223,253,253,253,222,122,69,69,69,122,223,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,119,249,254,236,161,66,25,0,0,0,0,0,36,220,184,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,191,60,0,0,0,0,0,0,0,0,0,15,16,0,0,0,0,0,0,0,0,0,0,0,0,133,254,244,53,0,0,0,0,24,139,223,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,229,253,159,58,141,79,162,162,213,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,253,253,254,253,253,253,253,248,184,235,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,194,253,254,236,161,161,161,42,0,185,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,23,19,0,0,0,0,0,185,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,253,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,149,202,217,134,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,252,231,109,252,252,252,222,139,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,252,252,108,109,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,215,0,0,124,41,83,191,252,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,215,0,0,0,0,0,109,252,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,241,102,0,0,0,0,0,31,206,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,252,179,0,0,0,0,0,0,0,73,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,119,0,0,0,0,0,0,0,0,182,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,35,0,0,0,0,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,0,0,181,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,35,0,0,0,0,0,0,0,0,182,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,0,0,181,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,0,73,232,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,119,0,0,0,0,0,0,63,237,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,253,253,149,47,0,0,16,109,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,252,252,252,232,218,217,222,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,133,226,252,252,253,252,252,252,154,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,252,253,128,108,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,215,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,0,65,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,102,248,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,253,254,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,130,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,143,177,253,255,224,101,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,213,252,203,186,139,186,212,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,243,156,44,12,0,0,0,61,245,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,143,10,0,0,0,0,0,0,79,250,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,197,0,0,0,0,0,0,0,0,18,233,183,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,197,0,0,54,136,12,0,0,0,0,79,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,103,0,64,201,177,3,0,0,0,0,29,226,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,244,245,54,0,0,0,0,0,0,198,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,127,0,0,0,0,0,0,0,198,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,245,243,13,0,0,0,0,0,0,25,222,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,131,0,0,0,0,0,0,13,215,242,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,55,0,0,0,0,0,0,23,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,252,21,0,0,0,0,0,0,157,231,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,206,10,0,0,0,0,6,109,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,164,0,0,0,0,0,138,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,126,0,0,0,0,104,236,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,59,0,0,4,155,253,139,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,179,4,47,184,252,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,252,193,227,252,185,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,180,252,233,109,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,140,224,225,164,56,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,255,254,254,152,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,117,69,69,162,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,243,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,210,126,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,56,163,248,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,204,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,248,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,245,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,245,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,242,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,146,254,211,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,121,254,205,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,157,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,134,255,250,196,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,229,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,237,243,253,253,253,228,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,218,254,253,253,237,154,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,209,253,254,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,253,253,254,253,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,227,253,253,253,254,216,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,117,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,231,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,223,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,216,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,251,253,253,249,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,206,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,201,253,253,253,155,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,253,222,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,71,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,203,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,140,4,104,229,253,254,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,252,165,179,252,252,252,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,252,252,214,178,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,227,52,15,29,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,254,153,79,79,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,252,252,252,206,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,140,215,164,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,59,97,134,156,156,156,156,119,156,231,109,0,0,0,0,0,0,0,0,0,0,0,0,0,4,95,215,232,253,253,253,254,253,253,253,253,254,253,241,99,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,253,228,174,174,175,174,107,167,174,223,253,253,49,0,0,0,0,0,0,0,0,0,0,0,13,230,253,207,71,13,0,0,0,0,0,0,0,12,139,87,2,0,0,0,0,0,0,0,0,0,0,0,79,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,59,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,254,253,226,162,80,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,217,253,254,253,253,253,253,236,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,19,19,87,169,229,254,251,204,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,81,238,253,221,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,183,254,216,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,2,0,0,0,0,0,0,0,0,12,184,253,170,18,0,0,0,0,0,0,0,0,0,0,0,0,44,229,19,0,0,0,0,0,0,0,0,0,28,235,254,107,0,0,0,0,0,0,0,0,0,0,0,0,132,165,2,0,0,0,0,0,0,0,0,0,0,142,254,188,0,0,0,0,0,0,0,0,0,0,0,0,214,78,0,0,0,0,0,0,0,0,0,0,0,23,254,233,0,0,0,0,0,0,0,0,0,0,0,0,215,175,0,0,0,0,0,0,0,0,0,0,0,23,255,241,30,0,0,0,0,0,0,0,0,0,0,0,207,241,147,20,0,0,0,0,0,0,0,0,4,147,254,225,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,253,153,79,79,6,61,79,79,146,187,253,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,13,87,229,254,253,253,235,248,254,253,253,253,222,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,58,140,155,155,193,155,155,155,65,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,198,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,141,226,226,226,255,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,226,114,170,86,86,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,29,0,0,57,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,29,0,0,29,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,114,0,0,0,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,141,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,57,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,57,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,170,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,234,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,247,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,246,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,151,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,253,248,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,240,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,0,64,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,170,170,170,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,170,141,86,141,255,255,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,255,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,255,255,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,226,255,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,0,0,0,0,0,0,0,0,86,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,57,0,0,0,0,0,0,0,0,198,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,57,255,170,0,0,0,0,0,0,0,0,0,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,141,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,29,0,0,0,0,0,86,198,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,226,198,170,170,226,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,255,255,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,255,255,255,198,170,114,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,194,255,253,253,114,96,96,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,251,251,251,253,205,111,32,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,126,126,126,188,251,251,253,251,251,251,173,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,251,253,251,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,205,251,251,253,251,251,251,152,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,253,253,253,253,159,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,251,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,251,251,128,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,251,251,251,251,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,94,173,251,251,253,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,255,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,251,251,236,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,220,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,158,158,159,170,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,251,251,253,251,251,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,236,251,253,251,251,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,251,253,251,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,193,253,231,94,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,191,80,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,91,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,101,3,44,232,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,180,254,254,37,0,107,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,193,138,180,15,0,107,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,188,20,0,0,0,0,39,243,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,187,254,186,0,0,0,0,0,71,249,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,151,254,254,161,0,0,0,0,0,107,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,183,18,0,0,0,0,0,133,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,8,142,232,254,213,18,0,0,0,0,0,25,237,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,217,48,0,0,0,0,0,0,194,254,224,9,0,0,0,0,0,0,0,0,0,0,0,0,57,233,254,242,84,0,0,0,0,0,0,111,248,223,40,0,0,0,0,0,0,0,0,0,0,0,0,6,183,254,254,111,0,0,0,0,0,0,111,248,254,109,0,0,0,0,0,0,0,0,0,0,0,0,5,161,254,254,180,15,0,0,0,0,0,111,247,254,68,4,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,228,14,0,0,0,0,26,130,248,254,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,114,0,0,0,0,74,203,254,223,113,5,0,0,0,0,0,0,0,0,0,0,0,0,0,6,244,254,232,10,0,19,107,133,248,254,223,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,241,113,192,240,254,254,254,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,254,254,254,254,254,228,45,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,255,255,255,255,172,106,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,191,125,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,253,253,253,234,118,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,253,253,253,253,253,253,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,253,253,253,253,253,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,195,253,253,253,190,165,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,189,75,12,74,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,38,71,85,169,239,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,79,79,172,240,253,253,253,253,253,248,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,217,253,253,253,253,253,253,246,181,175,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,236,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,253,200,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,108,201,201,212,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,78,195,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,234,0,0,0,0,0,0,0,0,0,0,0,17,160,107,3,0,0,0,0,0,0,0,0,0,40,253,253,236,15,0,0,0,0,0,0,0,0,0,0,205,253,253,19,0,0,0,0,0,0,0,0,5,62,253,253,251,99,0,0,0,0,0,0,0,0,0,0,255,253,253,37,20,20,3,0,0,0,5,20,129,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,253,253,160,143,143,143,169,253,253,253,253,232,102,0,0,0,0,0,0,0,0,0,0,0,57,247,253,253,253,253,253,253,253,253,253,253,252,247,162,45,0,0,0,0,0,0,0,0,0,0,0,0,0,58,123,123,240,253,253,253,253,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,155,175,173,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,152,210,252,254,254,251,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,254,254,189,219,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,254,248,140,58,100,243,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,169,0,0,0,35,179,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,213,20,0,0,0,0,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,251,254,252,127,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,83,247,254,254,250,45,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,194,206,254,254,129,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,200,254,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,164,254,227,158,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,220,240,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,207,246,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,36,182,254,243,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,124,190,190,190,190,231,254,254,246,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,254,254,254,254,216,182,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,122,149,231,254,173,92,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,126,126,98,92,126,126,157,126,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,255,254,254,254,254,255,245,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,182,26,32,73,156,156,156,156,156,84,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,191,254,254,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,75,0,0,0,144,254,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,136,1,0,0,6,225,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,115,0,0,35,228,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,132,253,202,165,250,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,193,254,254,254,254,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,48,132,182,152,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,239,255,253,165,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,241,180,109,191,233,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,241,106,0,0,0,90,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,238,151,0,0,0,14,136,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,162,222,60,0,0,0,133,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,117,0,0,0,52,235,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,32,0,0,52,236,254,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,114,1,0,0,177,217,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,80,0,0,115,232,62,94,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,249,38,0,94,239,144,0,172,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,249,60,114,251,163,24,20,217,215,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,254,249,163,7,0,108,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,160,84,0,0,1,172,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,225,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,239,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,246,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,238,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,170,255,255,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,226,255,255,255,255,255,255,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,170,170,57,0,0,170,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,170,114,0,0,0,0,0,0,198,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,170,170,170,255,255,255,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,255,255,255,255,255,255,255,255,255,255,170,114,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,141,114,198,255,255,255,114,141,170,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,86,255,255,198,0,141,255,255,255,86,0,0,0,29,141,255,255,170,29,0,0,0,0,0,0,0,0,0,29,226,255,255,255,255,255,198,29,0,0,0,0,0,0,141,255,255,170,29,0,0,0,0,0,0,0,0,0,57,226,255,255,170,114,0,0,0,0,0,0,0,0,0,226,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,128,128,255,255,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,64,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,73,131,215,254,254,254,163,143,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,237,253,238,198,198,241,253,254,253,250,229,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,107,158,26,0,0,28,36,62,153,253,253,253,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,113,249,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,42,0,0,0,63,254,254,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,244,239,113,40,0,146,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,243,165,235,253,253,146,69,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,67,144,176,235,251,253,253,253,235,150,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,181,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,137,216,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,247,158,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,196,253,253,253,253,253,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,253,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,253,253,253,224,133,253,253,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,223,40,3,124,251,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,229,74,0,0,0,206,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,247,253,253,46,0,0,0,0,206,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,193,253,253,174,2,0,0,0,0,146,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,98,0,0,0,0,0,0,244,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,215,13,0,0,0,0,0,0,244,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,6,247,253,253,205,0,0,0,0,0,0,92,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,205,0,0,0,0,0,0,169,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,2,171,253,253,205,0,0,0,0,0,23,224,253,228,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,205,0,0,0,0,12,209,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,238,136,6,0,24,128,253,253,246,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,200,253,253,253,161,104,204,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,250,253,253,253,253,253,253,253,185,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,253,253,237,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,145,245,253,168,136,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,192,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,17,0,0,0,0,0,0,0,0,0,0,0,54,14,0,0,0,0,0,0,0,0,0,0,14,204,254,254,17,0,0,0,0,0,0,0,0,0,0,61,213,143,0,0,0,0,0,0,0,0,0,0,48,254,254,172,4,0,0,0,0,0,0,0,0,0,32,245,254,244,26,0,0,0,0,0,0,0,0,0,98,254,254,153,0,0,0,0,0,0,0,0,0,0,39,254,254,252,28,0,0,0,0,0,0,0,0,15,210,254,254,153,0,0,0,0,0,0,0,0,0,2,164,254,254,165,0,0,0,0,0,0,0,0,0,41,254,254,254,153,0,0,0,0,0,0,0,0,0,38,254,254,254,91,0,0,0,0,0,0,0,0,0,148,254,254,254,79,0,0,0,0,0,0,0,0,0,137,254,254,204,14,0,0,0,0,0,0,0,0,0,148,254,254,254,35,0,0,0,0,0,0,0,0,0,137,254,254,183,0,0,0,0,0,0,0,0,0,0,148,254,254,190,8,0,0,0,0,0,0,0,0,0,93,254,254,243,172,96,96,87,0,0,0,0,0,100,238,254,254,202,13,0,0,0,0,0,0,0,0,0,10,157,254,254,254,254,254,252,232,232,232,232,232,254,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,1,86,213,243,248,254,254,254,254,254,254,254,254,254,254,251,54,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,107,172,225,197,197,125,107,238,255,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,242,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,248,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,253,253,211,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,202,92,223,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,215,215,67,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,203,252,21,0,57,244,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,210,85,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,150,0,0,5,191,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,187,17,0,0,120,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,69,0,0,7,186,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,235,44,0,0,160,193,227,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,206,0,0,106,243,50,184,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,211,13,160,253,106,26,222,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,252,211,235,153,0,47,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,233,117,0,0,130,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,87,33,0,0,0,161,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,173,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,244,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,164,254,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,156,239,254,245,241,240,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,176,254,254,254,142,69,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,254,87,2,102,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,254,254,122,7,0,139,246,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,254,254,226,9,0,0,107,250,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,192,107,6,0,0,130,173,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,239,232,135,0,0,0,66,238,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,164,97,0,0,0,0,235,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,240,231,229,91,0,0,92,253,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,238,25,15,177,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,137,212,254,254,254,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,115,205,210,181,243,254,241,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,184,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,141,141,141,191,141,141,141,141,255,253,253,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,252,252,252,253,252,252,252,253,252,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,252,252,244,168,168,168,178,252,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,22,28,28,28,28,28,25,0,0,0,4,178,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,214,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,254,243,72,47,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,74,241,254,254,254,254,254,229,166,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,156,254,254,136,69,69,69,69,170,254,229,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,154,254,214,59,0,0,0,0,0,0,58,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,22,156,242,140,13,0,0,0,0,0,0,0,3,191,198,5,0,0,0,0,0,0,0,0,0,0,0,0,106,197,68,0,0,0,0,0,0,0,0,0,11,216,248,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,208,237,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,189,254,161,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,244,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,52,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,49,88,114,166,214,242,251,189,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,56,135,174,233,254,254,228,205,144,91,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,254,217,155,125,84,45,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,148,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,110,203,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,236,119,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,255,207,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,156,253,239,192,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,6,0,0,82,146,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,122,0,0,17,163,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,218,145,145,215,248,168,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,191,245,242,200,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,72,152,152,152,51,132,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,203,243,253,252,172,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,244,122,82,0,0,0,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,173,132,214,253,254,253,254,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,192,111,50,50,71,192,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,91,0,0,0,0,0,0,82,243,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,233,30,0,0,0,0,0,0,0,81,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,162,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,52,31,0,0,0,0,0,0,132,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,232,123,0,0,0,21,142,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,255,213,52,92,255,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,232,253,212,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,138,222,159,34,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,151,253,252,252,252,252,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,253,208,202,252,252,253,188,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,140,17,13,139,202,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,252,116,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,220,106,0,0,0,116,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,253,190,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,252,235,60,0,0,0,0,0,0,30,130,161,15,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,233,64,0,0,0,0,26,70,185,228,233,141,6,0,0,0,0,0,0,0,0,0,0,0,0,85,233,252,141,0,0,0,17,93,203,252,245,139,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,252,69,0,0,116,193,252,252,147,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,244,86,138,180,253,255,239,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,186,252,252,253,252,252,252,210,92,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,252,252,253,252,202,89,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,168,98,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,211,168,96,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,64,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,0,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,0,0,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,64,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,0,128,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,64,128,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,94,158,237,254,255,214,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,236,254,237,183,128,181,225,244,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,247,131,29,0,0,0,0,98,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,242,109,0,0,0,0,0,0,45,245,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,110,0,0,0,0,0,0,0,82,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,191,3,0,0,0,0,0,0,4,197,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,167,0,0,0,0,0,0,0,67,254,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,167,0,0,0,0,0,0,4,189,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,195,3,0,0,0,0,25,147,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,254,184,65,49,49,131,244,254,235,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,244,254,254,254,254,253,210,91,116,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,101,177,177,123,77,0,0,135,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,241,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,174,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,226,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,255,254,254,243,158,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,184,238,253,253,253,253,239,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,5,3,92,160,231,253,253,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,4,14,0,0,0,0,0,41,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,185,216,226,186,209,24,0,0,41,253,242,20,0,0,0,0,0,0,0,0,0,0,0,0,0,8,190,248,253,253,236,117,87,24,0,0,60,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,198,125,46,22,0,0,0,0,41,225,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,65,0,0,0,0,0,0,98,244,241,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,217,11,0,0,0,3,145,251,205,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,38,0,3,115,255,245,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,250,218,146,201,253,213,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,243,253,253,211,149,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,190,253,253,253,144,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,253,176,104,241,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,160,7,0,229,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,49,0,0,29,176,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,154,66,66,66,146,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,236,253,253,253,253,253,181,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,61,224,119,124,39,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,191,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,187,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,177,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,177,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,176,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,224,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,253,106,13,29,128,253,253,254,228,141,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,252,137,206,253,252,252,252,253,252,252,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,252,252,252,244,168,130,56,119,187,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,127,139,139,25,0,0,0,0,7,103,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,84,0,0,0,0,0,0,0,0,86,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,247,65,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,235,28,0,0,0,0,0,0,0,0,123,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,253,84,0,0,0,0,0,0,0,101,246,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,153,19,0,0,0,0,0,92,216,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,224,69,57,57,95,169,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,224,252,252,253,252,252,252,194,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,153,252,253,252,164,90,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,101,101,86,56,101,101,101,101,115,255,119,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,210,253,253,245,229,253,253,253,253,253,253,253,218,130,7,0,0,0,0,0,0,0,0,0,0,0,0,43,223,253,253,253,253,253,253,253,253,253,253,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,34,160,160,231,253,253,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,61,61,61,61,108,218,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,240,253,253,248,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,31,234,253,253,244,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,223,247,253,253,232,22,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,253,253,253,246,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,246,253,253,244,104,3,0,0,0,0,0,0,0,0,58,28,0,0,0,0,0,0,0,0,0,3,105,251,253,253,248,115,0,0,0,0,0,0,0,0,0,7,211,99,0,0,0,0,0,0,0,0,0,47,253,253,253,253,98,0,0,0,0,0,0,0,0,0,75,174,228,54,0,0,0,0,0,0,0,0,0,47,253,253,253,168,44,0,0,0,6,62,62,165,216,216,240,227,57,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,222,162,162,162,170,253,253,253,253,253,248,140,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,253,253,253,253,253,253,227,53,0,0,0,0,0,0,0,0,0,0,0,0,9,45,195,240,253,253,253,253,253,253,227,199,96,45,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,99,244,253,253,206,99,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,152,152,193,254,213,193,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,252,253,252,253,252,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,253,203,203,203,203,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,91,50,0,0,0,0,213,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,193,254,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,253,252,253,252,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,213,52,92,214,253,255,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,252,253,252,253,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,255,253,255,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,213,252,91,50,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,249,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,225,218,215,21,61,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,246,45,18,216,145,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,90,0,0,171,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,233,169,7,0,0,63,254,201,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,40,0,0,0,129,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,92,0,0,0,7,207,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,230,3,0,0,0,18,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,225,68,0,0,0,0,71,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,198,0,0,0,0,0,124,254,183,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,156,0,0,0,0,15,224,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,156,0,0,0,0,76,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,224,32,0,22,141,242,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,182,226,170,189,168,165,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,70,98,78,1,122,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,222,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,196,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,226,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,255,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,237,254,231,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,119,7,100,187,203,203,203,203,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,223,238,254,254,254,254,254,254,254,250,148,14,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,254,254,233,166,166,124,166,197,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,184,24,0,0,0,0,6,71,203,254,251,90,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,254,221,167,0,0,0,0,0,0,111,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,34,249,254,254,104,19,0,0,0,0,8,132,247,254,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,96,249,254,166,24,0,0,0,67,175,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,206,115,179,219,254,254,253,212,89,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,182,254,254,254,254,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,96,150,238,190,150,150,72,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,45,187,237,120,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,245,254,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,212,253,254,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,253,253,254,202,202,253,235,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,247,118,0,0,0,185,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,244,121,0,0,0,0,151,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,154,0,0,0,0,0,184,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,247,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,161,161,162,195,146,85,162,245,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,198,243,253,253,254,253,251,247,254,253,248,198,68,0,0,0,0,0,0,0,0,0,0,0,0,0,70,240,254,253,242,230,230,251,253,253,254,223,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,254,202,54,0,85,247,253,253,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,255,136,161,229,254,254,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,254,253,253,253,254,253,240,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,253,253,253,239,213,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,152,194,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,241,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,189,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,101,227,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,103,217,253,253,253,253,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,168,253,253,241,200,156,134,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,208,85,0,0,0,249,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,248,253,192,18,0,0,0,0,152,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,198,13,0,0,0,0,0,130,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,230,253,72,0,0,0,0,0,59,246,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,253,11,0,0,6,24,124,243,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,164,105,160,182,253,253,253,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,251,253,253,253,253,253,227,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,176,176,176,176,77,33,249,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,249,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,138,184,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,222,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,247,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,246,247,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,148,38,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,150,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,251,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,226,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,226,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,170,29,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,0,0,29,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,114,86,141,198,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,129,255,184,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,230,252,254,222,174,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,193,254,212,61,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,65,82,209,254,148,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,239,105,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,208,97,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,225,254,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,233,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,254,254,245,211,211,169,55,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,254,254,242,235,248,254,254,232,160,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,218,203,89,34,25,44,65,137,191,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,149,221,251,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,207,254,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,75,220,254,236,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,58,156,254,254,191,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,253,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,216,207,107,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,159,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,156,203,73,29,135,248,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,220,229,254,254,251,135,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,236,223,211,254,254,112,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,241,146,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,248,136,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,251,144,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,157,254,193,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,113,252,249,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,228,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,241,218,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,35,0,0,0,0,0,15,255,215,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,203,29,0,0,0,1,93,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,189,32,0,22,139,254,234,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,238,226,236,255,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,178,254,223,140,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,174,253,254,218,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,164,247,252,182,168,231,252,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,252,180,56,4,0,16,170,245,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,231,74,21,0,0,0,0,142,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,246,253,194,249,84,0,0,0,0,11,218,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,148,253,152,0,0,0,0,0,0,107,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,227,224,14,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,250,66,0,0,0,0,0,0,0,106,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,212,0,0,0,0,0,0,0,0,107,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,131,0,0,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,2,176,244,9,0,0,0,0,0,0,0,6,162,206,5,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,217,0,0,0,0,0,0,0,0,134,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,0,0,0,0,0,0,0,18,239,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,124,0,0,0,0,0,0,145,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,243,83,0,0,0,0,64,247,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,246,125,0,0,13,142,251,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,184,245,169,169,218,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,95,217,252,191,112,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,255,200,153,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,241,254,231,168,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,67,194,254,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,231,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,254,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,87,230,254,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,183,254,254,181,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,254,254,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,154,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,161,201,254,254,198,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,195,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,168,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,2,89,254,254,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,190,249,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,243,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,199,116,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,138,138,233,253,255,232,55,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,212,252,252,252,252,253,252,252,135,99,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,246,253,252,252,195,183,253,252,252,252,252,216,99,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,252,253,193,77,9,0,46,119,185,252,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,43,246,252,252,180,8,0,0,0,0,0,7,211,252,253,252,173,0,0,0,0,0,0,0,0,0,0,0,43,247,253,253,181,19,0,0,0,0,0,0,43,63,139,253,184,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,253,236,129,30,0,0,0,0,0,0,212,252,110,0,0,0,0,0,0,0,0,0,0,0,0,19,162,246,253,252,252,227,184,32,0,0,0,64,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,109,219,252,252,252,229,118,0,119,248,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,54,137,242,253,248,230,248,252,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,253,172,102,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,238,252,180,8,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,243,0,0,81,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,137,5,120,228,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,202,252,221,191,252,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,227,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,117,137,190,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,114,236,254,253,156,148,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,187,245,252,252,252,252,250,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,153,136,231,252,253,224,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,219,254,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,234,161,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,252,252,182,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,42,129,165,252,252,252,252,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,250,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,123,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,0,0,108,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,219,11,57,253,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,205,247,252,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,111,242,253,252,252,236,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,209,252,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,237,254,255,237,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,198,251,253,253,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,239,145,137,104,136,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,25,0,0,0,170,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,195,254,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,189,249,253,254,227,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,222,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,254,254,229,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,194,253,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,154,254,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,120,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,136,70,70,162,161,170,254,255,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,254,253,253,253,254,244,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,251,253,253,254,253,253,244,113,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,236,253,195,160,152,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,255,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,64,191,255,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,64,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,21,0,0,0,29,85,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,21,0,9,101,239,252,247,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,47,0,132,253,205,101,231,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,170,98,246,174,11,0,169,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,218,0,0,22,183,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,170,252,252,42,0,29,213,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,252,147,101,239,251,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,253,231,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,147,235,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,141,139,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,254,253,198,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,138,28,196,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,253,254,84,0,0,57,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,169,85,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,168,56,253,251,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,198,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,168,0,85,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,198,28,0,169,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,83,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,139,0,169,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,169,224,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,167,254,254,255,255,245,146,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,157,246,253,253,253,253,253,253,253,197,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,184,253,253,253,249,248,248,248,248,253,253,237,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,233,143,24,0,0,0,9,102,225,253,227,108,1,0,0,0,0,0,0,0,0,0,0,0,57,218,253,253,100,0,0,0,0,0,0,0,94,250,253,253,121,0,0,0,0,0,0,0,0,0,0,0,127,253,253,176,3,0,0,0,0,0,0,0,0,146,253,253,250,72,0,0,0,0,0,0,0,0,0,24,227,253,253,65,0,0,0,0,0,0,0,0,0,115,253,213,253,227,23,0,0,0,0,0,0,0,0,122,253,253,183,15,0,0,0,0,0,0,0,0,0,18,176,10,249,253,121,0,0,0,0,0,0,0,0,146,253,248,9,0,0,0,0,0,0,0,0,0,0,0,9,0,97,253,145,0,0,0,0,0,0,0,0,146,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,145,0,0,0,0,0,0,0,0,185,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,145,0,0,0,0,0,0,0,0,254,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,145,0,0,0,0,0,0,0,0,229,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,253,145,0,0,0,0,0,0,0,0,105,253,74,0,0,0,0,0,0,0,0,0,0,0,0,53,245,253,253,58,0,0,0,0,0,0,0,0,38,253,198,11,0,0,0,0,0,0,0,0,0,11,189,246,253,238,121,2,0,0,0,0,0,0,0,0,13,178,253,140,17,0,0,0,0,0,0,6,38,184,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,13,227,253,187,11,0,0,0,67,142,215,235,253,253,227,61,1,0,0,0,0,0,0,0,0,0,0,0,0,55,240,253,245,141,141,240,252,253,253,253,241,163,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,178,253,253,253,253,253,253,247,183,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,166,216,245,230,145,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,223,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,234,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,215,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,216,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,252,158,7,10,140,94,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,245,37,0,19,240,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,161,254,123,0,0,0,168,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,161,254,214,11,0,0,0,123,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,224,64,0,0,0,0,102,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,240,250,118,0,0,0,0,0,60,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,246,254,254,251,234,227,126,34,0,60,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,200,200,200,210,254,254,254,221,62,102,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,54,107,221,254,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,55,170,149,250,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,238,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,246,106,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,255,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,253,252,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,242,252,252,133,247,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,231,108,0,217,252,252,145,104,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,153,0,0,217,252,252,253,252,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,252,189,10,0,0,30,190,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,76,0,0,0,0,51,154,232,252,252,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,35,0,0,0,0,0,0,47,148,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,35,0,0,0,0,0,0,0,42,222,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,0,0,57,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,35,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,98,0,0,0,0,0,0,0,0,182,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,179,0,0,0,0,0,0,0,21,201,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,11,175,252,190,11,0,0,0,0,0,0,94,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,71,0,0,0,0,0,63,237,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,217,0,0,0,79,109,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,128,252,247,217,218,217,242,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,206,252,252,253,252,252,231,154,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,108,108,170,128,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,141,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,170,170,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,255,255,255,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,141,86,170,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,0,0,0,29,226,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,29,0,0,0,0,141,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,29,0,0,0,0,0,170,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,29,0,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,226,114,141,226,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,255,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,191,254,224,143,86,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,252,252,253,235,241,252,212,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,230,235,153,153,139,32,36,53,175,218,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,222,247,52,0,0,0,0,9,117,27,214,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,241,0,0,0,0,0,171,206,0,31,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,196,183,52,0,0,0,0,62,224,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,250,61,0,0,0,0,36,246,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,178,0,0,0,0,20,210,252,216,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,88,0,0,0,0,144,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,252,88,0,0,0,116,248,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,231,0,0,21,162,253,253,255,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,236,38,105,213,252,252,252,245,157,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,233,252,248,86,77,196,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,173,206,82,10,0,0,216,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,242,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,242,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,222,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,207,187,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,209,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,80,196,197,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,226,254,214,235,224,21,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,235,107,11,50,245,190,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,55,0,0,0,158,254,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,36,0,0,0,55,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,62,0,0,0,172,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,232,31,0,121,252,180,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,145,14,209,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,250,219,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,215,254,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,216,255,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,149,235,172,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,223,192,11,76,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,251,70,0,0,164,201,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,152,0,0,0,145,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,128,0,0,0,146,231,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,75,0,0,42,240,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,239,114,0,27,196,233,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,214,116,238,249,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,241,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,208,195,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,255,255,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,198,254,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,253,254,191,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,193,245,253,253,253,254,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,197,253,253,245,166,152,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,221,47,0,28,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,243,253,185,56,0,3,125,254,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,35,253,254,236,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,249,253,86,23,3,158,253,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,141,247,225,158,253,253,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,41,253,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,249,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,247,253,253,253,253,229,228,108,94,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,253,253,253,253,253,254,253,253,253,222,214,110,0,0,0,0,0,0,0,0,0,0,0,0,0,111,217,253,253,253,253,253,253,254,253,253,253,253,253,245,201,201,201,0,0,0,0,0,0,0,0,26,181,247,253,253,253,195,66,66,66,67,66,186,199,242,253,253,247,199,128,0,0,0,0,0,0,0,0,142,253,253,253,243,114,25,0,0,0,0,0,0,0,63,80,80,71,0,0,0,0,0,0,0,0,0,0,255,253,253,245,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,241,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,120,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,173,255,254,255,244,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,239,132,90,141,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,242,239,89,0,0,89,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,241,254,68,0,0,11,186,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,239,22,0,0,3,210,254,238,151,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,254,69,0,0,0,0,79,254,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,220,11,0,0,0,28,171,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,146,0,0,0,132,239,254,202,224,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,193,48,48,168,249,246,153,7,198,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,254,254,254,254,173,47,0,6,208,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,250,254,232,140,20,0,0,44,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,85,22,0,0,0,0,187,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,209,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,242,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,231,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,177,187,254,182,144,91,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,67,115,254,253,253,253,253,253,253,240,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,241,154,106,206,253,253,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,250,253,244,106,0,0,6,35,121,222,231,231,231,0,0,0,0,0,0,0,0,0,0,0,0,13,56,199,253,203,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,180,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,246,250,136,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,180,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,248,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,167,253,252,202,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,149,237,254,255,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,187,236,253,197,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,239,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,216,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,41,79,60,84,160,232,245,253,249,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,221,253,253,253,253,253,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,191,250,253,253,253,206,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,31,105,143,42,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,106,215,254,230,175,140,31,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,190,254,254,254,254,254,254,254,133,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,230,92,97,98,48,87,208,224,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,216,31,0,0,0,0,0,8,82,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,245,54,0,0,0,0,0,0,20,179,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,189,0,0,0,0,0,0,13,225,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,241,8,0,0,0,2,92,227,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,254,118,0,0,0,160,254,254,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,235,250,158,143,143,254,254,254,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,209,254,254,254,225,134,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,60,25,0,67,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,206,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,246,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,252,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,200,139,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,174,174,174,199,242,255,204,145,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,254,254,254,254,254,220,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,215,155,56,56,56,56,190,254,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,246,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,133,254,203,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,250,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,244,254,209,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,249,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,224,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,222,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,212,254,254,254,254,254,255,254,219,191,108,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,232,173,122,122,122,87,122,122,125,180,250,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,108,0,0,0,0,0,0,0,0,35,242,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,194,211,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,221,221,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,10,89,207,248,238,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,203,214,253,254,177,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,234,253,253,253,79,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,228,253,253,217,119,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,76,159,159,242,198,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,239,226,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,149,231,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,247,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,225,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,0,0,0,0,0,0,0,130,237,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,3,0,0,0,0,0,46,236,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,37,0,0,0,0,26,213,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,200,116,92,92,95,216,242,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,249,253,254,253,253,216,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,159,219,239,121,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,255,255,255,255,255,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,128,128,128,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,64,128,191,255,255,128,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,172,0,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,0,0,82,223,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,253,0,82,214,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,223,253,212,112,111,21,223,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,20,0,0,214,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,212,20,0,0,41,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,244,40,0,0,31,233,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,162,0,0,0,92,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,173,51,31,92,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,252,233,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,203,203,234,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,233,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,172,112,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,233,51,173,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,172,30,132,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,233,0,123,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,233,50,62,223,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,255,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,233,70,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,77,203,237,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,197,254,253,253,253,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,83,245,253,254,253,253,253,253,180,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,175,253,253,253,254,253,253,253,253,253,225,124,5,0,0,0,0,0,0,0,0,0,0,0,0,0,73,236,253,253,253,253,254,253,216,193,236,253,253,253,136,3,0,0,0,0,0,0,0,0,0,0,0,73,236,253,253,253,253,184,60,60,23,0,72,88,182,253,253,11,0,0,0,0,0,0,0,0,0,0,71,238,253,253,253,134,48,3,0,0,0,0,0,0,57,241,253,11,0,0,0,0,0,0,0,0,0,21,240,253,253,253,213,65,0,0,0,0,0,0,0,0,0,218,253,11,0,0,0,0,0,0,0,0,0,77,253,253,227,228,253,244,74,0,0,0,0,0,0,0,0,109,253,122,0,0,0,0,0,0,0,0,70,249,253,230,43,9,110,132,128,6,0,0,0,0,0,0,0,98,253,132,0,0,0,0,0,0,0,0,134,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,11,0,0,0,0,0,0,0,0,133,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,11,0,0,0,0,0,0,0,0,133,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,11,0,0,0,0,0,0,0,0,133,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,206,253,180,4,0,0,0,0,0,0,0,0,133,253,253,182,18,0,0,0,0,0,0,0,0,0,0,35,229,253,58,0,0,0,0,0,0,0,0,0,38,222,253,253,182,52,0,0,0,0,0,0,0,0,0,21,220,225,17,0,0,0,0,0,0,0,0,0,0,47,253,253,253,240,108,12,0,0,0,0,0,0,91,220,253,116,0,0,0,0,0,0,0,0,0,0,0,4,111,221,253,253,253,223,218,103,98,98,115,218,243,253,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,253,253,253,253,253,254,253,253,253,227,110,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,104,132,132,242,253,254,253,253,172,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,239,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,248,194,77,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,118,252,254,254,254,255,251,118,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,245,253,253,253,253,253,253,253,253,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,208,177,177,177,177,177,177,221,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,61,25,0,0,0,0,0,0,39,225,253,188,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,212,253,197,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,14,104,209,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,130,230,253,253,253,253,200,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,203,248,248,253,253,253,253,241,143,76,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,66,184,184,184,209,253,253,248,203,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,68,168,236,253,153,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,169,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,187,253,253,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,63,63,111,88,51,0,36,155,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,179,223,253,253,253,253,239,179,221,253,253,217,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,235,241,232,232,232,238,253,253,253,243,232,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,47,0,0,0,32,142,238,116,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,0,0,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,128,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,255,255,255,191,0,0,0,64,128,255,255,255,255,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,128,64,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,128,64,0,0,0,0,128,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,214,220,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,118,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,72,128,17,0,0,131,254,219,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,115,0,0,228,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,242,254,151,7,0,48,252,228,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,244,254,154,4,0,0,116,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,242,254,220,4,24,17,0,232,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,202,176,254,226,160,246,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,254,254,254,254,254,255,254,255,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,169,227,177,177,166,59,59,59,131,254,245,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,27,0,0,0,0,0,0,139,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,232,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,210,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,141,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,225,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,252,99,56,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,249,253,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,225,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,253,106,0,16,54,178,253,254,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,214,19,101,216,252,252,202,84,171,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,215,123,246,253,170,56,6,0,95,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,128,9,0,0,126,243,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,253,253,78,0,7,66,191,254,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,252,78,57,150,252,252,134,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,253,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,103,177,252,190,115,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,144,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,227,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,249,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,255,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,205,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,178,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,232,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,254,202,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,178,253,253,253,246,162,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,223,253,203,141,122,80,228,203,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,254,173,13,0,0,0,29,155,237,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,219,253,128,8,0,0,0,0,0,7,159,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,180,0,0,0,0,0,0,0,0,0,158,245,51,0,0,0,0,0,0,0,0,0,0,0,0,9,197,253,23,0,0,0,0,0,0,0,0,0,0,254,113,0,0,0,0,0,0,0,0,0,0,0,0,79,253,186,6,0,0,0,0,0,0,0,0,0,0,138,220,19,0,0,0,0,0,0,0,0,0,0,0,162,253,66,0,0,0,0,0,0,0,0,0,0,0,15,220,111,0,0,0,0,0,0,0,0,0,0,0,162,222,25,0,0,0,0,0,0,0,0,0,0,0,0,162,184,0,0,0,0,0,0,0,0,0,0,0,163,185,0,0,0,0,0,0,0,0,0,0,0,0,0,163,223,25,0,0,0,0,0,0,0,0,0,0,162,184,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,46,0,0,0,0,0,0,0,0,0,0,162,184,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,46,0,0,0,0,0,0,0,0,0,0,162,209,17,0,0,0,0,0,0,0,0,0,0,0,0,162,253,46,0,0,0,0,0,0,0,0,0,0,162,253,46,0,0,0,0,0,0,0,0,0,0,0,0,162,222,25,0,0,0,0,0,0,0,0,0,0,22,206,212,13,0,0,0,0,0,0,0,0,0,0,98,254,185,0,0,0,0,0,0,0,0,0,0,0,0,57,245,170,22,0,0,0,0,0,0,0,0,43,254,245,98,0,0,0,0,0,0,0,0,0,0,0,0,0,57,205,217,164,19,0,0,0,0,51,112,247,255,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,212,253,220,208,208,209,208,241,253,253,151,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,97,169,253,253,254,253,253,211,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,125,125,125,125,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,118,232,250,253,253,253,253,252,248,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,246,253,253,253,253,222,142,142,165,253,251,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,230,252,253,253,162,106,19,14,0,0,4,42,219,253,161,43,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,115,4,0,0,0,0,0,0,0,169,253,253,104,0,0,0,0,0,0,0,0,0,0,0,255,253,156,32,4,0,0,0,0,0,0,0,0,42,221,253,150,0,0,0,0,0,0,0,0,0,0,0,143,253,142,0,0,0,0,0,0,0,0,0,0,0,163,253,250,94,0,0,0,0,0,0,0,0,0,0,22,45,25,0,0,0,0,0,0,0,0,0,0,0,163,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,248,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,186,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,146,53,53,53,53,187,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,253,253,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,148,118,243,253,253,253,253,249,160,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,194,6,184,253,253,224,97,97,97,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,239,253,229,171,253,253,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,250,253,253,253,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,248,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,123,123,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,85,85,191,190,190,190,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,75,127,127,145,232,242,252,252,253,252,242,231,187,0,0,0,0,0,0,0,0,0,0,0,16,64,169,232,252,252,252,253,252,252,236,189,190,110,42,0,0,0,0,0,0,0,0,0,0,0,0,54,186,252,253,252,252,252,252,147,112,42,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,245,253,253,194,106,62,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,231,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,244,142,127,128,127,180,232,232,128,48,22,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,252,253,252,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,226,147,129,42,42,42,42,42,121,244,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,206,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,252,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,148,0,15,96,174,253,255,253,161,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,191,211,252,252,252,253,110,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,223,253,252,251,205,126,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,190,110,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,38,143,225,253,192,67,34,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,131,252,252,252,252,253,252,252,122,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,209,253,252,252,252,243,123,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,249,252,252,220,87,6,10,59,102,178,182,58,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,101,34,0,0,0,0,0,0,0,0,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,221,14,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,245,78,0,38,169,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,248,154,184,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,252,252,252,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,176,252,252,252,252,252,235,82,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,160,253,253,253,253,255,253,253,90,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,252,252,253,252,252,252,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,252,252,252,161,253,252,252,252,252,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,252,252,212,20,73,121,220,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,128,0,0,0,78,226,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,236,64,0,0,0,171,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,243,232,154,213,251,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,252,252,253,252,252,252,252,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,178,252,252,252,252,253,252,252,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,86,142,224,252,253,252,161,142,71,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,50,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,240,254,36,0,0,0,0,0,0,0,0,0,0,18,156,37,0,0,0,0,0,0,0,0,0,0,0,105,254,254,97,0,0,0,0,0,0,0,0,0,0,117,254,169,0,0,0,0,0,0,0,0,0,0,86,243,254,175,7,0,0,0,0,0,0,0,0,0,54,245,254,213,0,0,0,0,0,0,0,0,0,16,207,254,254,29,0,0,0,0,0,0,0,0,0,0,171,254,254,86,0,0,0,0,0,0,0,0,9,199,254,253,151,15,0,0,0,0,0,0,0,0,0,24,219,254,252,17,0,0,0,0,0,0,0,0,30,254,254,172,0,0,0,0,0,0,0,0,0,0,0,115,254,254,142,0,0,0,0,0,0,0,0,0,212,254,254,96,8,0,0,0,0,0,0,0,0,0,5,181,254,241,29,0,0,0,0,0,0,0,0,0,172,254,254,254,192,178,175,60,60,60,42,51,60,66,187,254,254,171,0,0,0,0,0,0,0,0,0,0,40,177,230,254,254,254,254,254,254,254,237,245,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,28,41,137,159,159,168,254,255,254,255,254,206,170,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,23,23,23,23,23,12,30,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,221,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,168,254,105,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,178,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,186,100,0,0,0,0,18,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,246,252,146,0,0,0,0,209,236,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,235,40,0,0,0,0,242,252,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,227,252,208,0,0,0,0,0,242,252,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,184,252,252,136,0,0,0,0,0,242,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,244,22,0,0,0,0,79,250,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,188,0,0,0,0,0,105,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,252,131,0,0,0,0,0,209,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,168,78,20,0,0,50,241,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,252,229,220,221,229,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,228,253,253,253,253,253,255,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,77,177,198,252,252,253,252,252,252,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,44,92,106,179,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,243,71,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,249,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,253,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,255,216,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,161,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,244,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,199,253,103,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,247,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,164,242,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,247,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,245,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,213,254,253,193,152,152,71,52,51,52,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,253,252,253,252,253,252,253,232,203,203,123,203,0,0,0,0,0,0,0,0,0,0,0,203,254,192,102,102,123,203,203,243,254,253,254,253,255,253,255,253,0,0,0,0,0,0,0,0,0,0,0,203,253,111,0,0,0,0,0,40,151,151,192,151,253,252,253,130,0,0,0,0,0,0,0,0,0,0,11,213,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,172,152,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,253,252,253,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,123,203,214,253,254,253,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,132,51,0,0,0,0,0,21,72,233,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,203,203,183,102,123,223,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,214,253,255,253,254,253,254,253,244,203,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,71,151,151,151,151,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,155,0,0,0,0,61,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,147,0,0,0,0,98,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,225,18,0,0,0,0,128,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,68,0,0,0,0,22,226,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,244,174,0,0,0,0,0,115,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,219,30,0,0,0,5,59,164,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,144,50,118,118,215,217,245,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,254,253,253,253,253,175,92,169,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,254,253,240,198,79,0,11,217,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,125,40,0,0,0,132,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,98,0,0,0,0,0,0,215,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,213,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,215,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,228,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,152,0,0,38,128,77,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,36,0,33,228,201,240,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,199,0,12,228,255,18,160,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,198,0,19,253,134,2,43,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,198,0,32,253,13,0,6,207,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,198,0,109,253,0,0,0,199,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,198,0,141,253,0,0,0,199,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,199,0,200,254,0,0,0,200,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,198,21,230,253,0,0,0,199,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,198,37,253,175,0,0,45,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,198,37,253,162,0,4,201,232,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,198,37,253,98,0,87,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,75,219,130,47,241,204,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,231,230,247,215,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,230,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,67,184,253,161,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,136,221,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,178,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,246,253,203,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,208,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,253,224,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,88,111,92,0,0,0,0,0,0,0,0,0,0,241,254,44,0,0,0,0,0,0,0,0,0,14,149,254,254,254,254,172,19,0,0,0,0,0,0,0,0,144,253,121,0,0,0,0,0,0,0,0,47,188,253,253,201,138,228,253,62,0,0,0,0,0,0,0,0,53,253,236,9,0,0,0,0,0,0,14,207,253,245,129,10,0,64,253,143,0,0,0,0,0,0,0,0,31,247,253,117,0,0,0,0,0,0,246,253,245,115,0,0,0,45,253,201,0,0,0,0,0,0,0,0,0,153,253,198,20,0,0,0,0,73,254,253,129,0,0,0,0,45,253,253,0,0,0,0,0,0,0,0,0,44,238,253,194,19,0,0,0,198,254,253,44,0,0,0,0,84,253,215,0,0,0,0,0,0,0,0,0,0,153,248,253,198,21,5,0,116,254,253,236,231,204,35,166,245,253,90,0,0,0,0,0,0,0,0,0,0,0,110,238,253,253,193,155,155,255,253,253,245,219,253,253,246,128,13,0,0,0,0,0,0,0,0,0,0,0,0,68,203,253,253,253,253,254,253,253,253,253,253,216,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,86,143,225,253,254,253,253,244,143,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,164,217,225,254,255,164,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,250,253,253,253,253,253,253,229,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,253,253,253,253,229,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,184,253,186,79,253,253,253,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,230,246,235,253,233,223,253,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,232,253,253,253,253,201,46,223,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,249,253,253,253,253,253,201,0,127,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,127,249,253,253,253,153,45,160,201,0,7,179,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,153,11,0,12,144,0,0,163,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,86,249,253,253,253,45,0,0,0,30,0,0,163,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,233,35,0,0,0,0,0,30,230,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,141,0,0,0,0,0,0,133,253,253,249,124,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,38,0,0,0,0,0,32,228,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,79,249,253,253,253,38,0,0,0,0,36,185,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,42,246,253,253,253,38,0,0,0,25,145,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,61,5,21,128,229,253,253,249,210,97,40,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,253,168,232,253,253,253,250,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,250,240,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,247,253,253,253,253,251,247,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,170,186,145,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,161,100,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,252,0,0,0,0,0,0,0,0,0,0,62,27,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,0,0,0,0,0,0,0,0,55,192,254,218,12,0,0,0,0,0,0,0,0,0,0,0,0,127,252,173,0,0,0,0,0,0,0,52,232,252,183,252,56,0,0,0,0,0,0,0,0,0,0,0,0,127,252,147,0,0,0,0,0,0,8,181,247,187,43,252,126,0,0,0,0,0,0,0,0,0,0,0,0,127,252,121,0,0,0,0,0,0,155,252,189,0,43,252,100,0,0,0,0,0,0,0,0,0,0,0,0,127,252,42,0,0,0,0,0,36,242,244,66,0,43,252,21,0,0,0,0,0,0,0,0,0,0,0,0,128,253,42,0,0,0,0,0,123,253,127,0,0,148,253,21,0,0,0,0,0,0,0,0,0,0,0,0,127,226,24,0,0,0,0,0,253,252,47,0,0,227,189,5,0,0,0,0,0,0,0,0,0,0,0,0,127,252,42,0,0,0,0,0,253,245,19,0,150,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,113,0,0,0,0,0,253,168,0,70,239,128,21,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,147,0,0,0,0,0,253,168,62,239,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,18,0,0,0,89,255,253,253,243,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,252,185,0,0,0,0,253,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,249,250,153,74,48,171,253,252,136,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,227,252,252,252,252,253,252,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,121,191,147,147,104,226,244,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,99,232,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,66,187,236,254,254,252,155,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,195,254,254,254,254,254,254,254,175,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,228,254,254,247,175,132,82,251,254,254,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,167,254,254,213,73,0,0,0,146,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,244,22,0,0,0,0,76,254,254,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,136,0,0,0,0,21,201,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,70,0,0,0,0,77,254,254,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,231,17,0,0,0,4,233,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,88,0,0,50,192,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,238,111,106,233,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,254,254,254,254,254,254,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,141,250,254,243,220,63,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,85,20,0,6,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,242,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,211,190,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,201,254,254,255,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,239,227,144,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,169,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,177,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,240,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,189,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,159,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,177,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,187,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,174,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,252,203,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,136,236,252,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,233,201,139,138,138,138,191,255,253,253,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,110,219,252,252,252,253,252,252,252,252,207,206,240,252,252,100,17,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,253,252,202,141,69,0,0,50,111,246,253,209,82,0,0,0,0,0,0,0,0,0,0,88,160,160,160,108,46,45,13,0,0,0,0,0,0,42,211,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,158,252,234,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,234,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,83,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,243,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,251,232,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,234,238,54,0,0,0,0,23,78,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,169,0,0,0,0,27,212,254,250,174,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,107,0,0,0,25,182,254,214,122,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,241,38,0,0,3,193,251,188,13,26,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,157,0,0,0,145,254,128,0,0,26,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,125,0,0,0,250,201,11,0,0,26,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,125,0,0,31,252,79,0,0,0,26,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,125,0,0,45,252,50,0,0,38,186,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,210,61,0,0,179,201,34,83,208,254,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,254,251,190,145,167,254,249,253,224,112,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,145,227,254,254,254,254,191,110,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,79,154,253,253,153,129,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,253,252,252,252,253,252,149,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,253,252,252,252,253,252,252,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,165,252,202,28,28,28,28,91,215,252,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,238,242,216,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,252,224,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,23,29,0,0,0,0,0,0,0,13,204,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,114,234,252,170,144,57,57,0,0,0,88,253,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,10,197,252,252,253,252,252,252,135,28,0,126,253,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,252,253,252,252,252,253,234,225,249,253,252,214,15,114,188,225,25,0,0,0,0,0,0,0,0,129,253,253,128,114,113,113,213,255,253,253,253,255,253,253,203,255,253,253,78,0,0,0,0,0,0,0,0,10,196,252,128,26,0,0,51,253,252,252,252,253,252,252,252,253,214,158,9,0,0,0,0,0,0,0,0,0,63,196,252,147,197,197,246,253,252,252,252,253,252,224,205,206,56,0,0,0,0,0,0,0,0,0,0,0,0,10,78,16,139,228,252,253,252,164,40,28,28,19,13,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,176,0,0,0,0,19,117,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,244,169,82,57,70,225,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,253,252,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,241,129,253,253,253,242,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,139,10,84,133,84,66,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,139,0,0,0,0,29,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,40,0,0,0,0,79,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,156,0,0,0,0,0,141,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,196,43,0,0,0,0,0,216,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,186,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,231,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,34,34,48,221,254,245,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,177,190,253,253,254,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,253,254,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,240,231,231,169,92,106,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,88,35,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,212,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,234,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,255,241,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,227,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,237,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,202,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,245,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,118,238,226,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,117,245,254,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,254,254,254,254,254,211,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,254,199,33,4,55,254,232,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,163,7,0,0,3,185,240,254,189,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,73,0,0,0,0,140,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,9,0,0,0,0,78,254,254,212,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,97,0,0,11,104,225,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,239,99,149,222,254,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,254,254,254,254,142,195,207,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,108,224,209,90,9,18,236,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,239,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,225,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,170,0,0,0,0,0,0,0,0,0,0,0,89,133,0,0,0,0,0,0,0,0,0,0,0,0,37,241,240,12,0,0,0,0,0,0,0,0,10,160,137,128,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,15,0,0,0,0,0,0,7,97,208,254,184,0,0,0,0,0,0,0,0,0,0,0,0,18,213,254,214,8,0,0,0,0,0,6,83,254,254,164,58,0,0,0,0,0,0,0,0,0,0,0,0,189,254,254,140,0,0,0,0,0,5,164,254,254,171,20,0,0,0,0,0,0,0,0,0,0,0,0,34,238,254,136,7,0,0,0,0,0,118,254,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,91,0,0,0,0,0,117,244,254,91,21,0,0,0,0,0,0,0,0,0,0,0,0,0,10,250,254,183,2,0,0,0,0,116,249,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,142,0,0,0,0,77,243,254,254,201,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,80,0,0,0,19,250,254,254,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,211,254,254,123,1,2,6,138,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,169,192,254,254,254,254,217,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,254,254,254,254,254,254,254,252,156,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,172,164,129,129,66,254,254,245,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,254,233,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,254,148,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,238,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,253,253,253,140,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,231,253,253,253,253,254,198,83,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,239,164,84,84,141,208,253,253,237,83,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,151,0,0,0,0,4,72,147,233,253,106,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,60,0,0,0,0,0,0,0,40,164,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,204,12,0,0,0,0,0,0,0,0,12,205,168,0,0,0,0,0,0,0,0,0,0,0,0,0,37,211,27,0,0,0,0,0,0,0,0,0,0,90,241,31,0,0,0,0,0,0,0,0,0,0,0,0,37,205,0,0,0,0,0,0,0,0,0,0,0,73,253,88,0,0,0,0,0,0,0,0,0,0,0,0,152,205,0,0,0,0,0,0,0,0,0,0,0,73,253,156,0,0,0,0,0,0,0,0,0,0,0,0,158,206,0,0,0,0,0,0,0,0,0,0,0,35,230,94,0,0,0,0,0,0,0,0,0,0,0,0,157,205,0,0,0,0,0,0,0,0,0,0,0,42,225,32,0,0,0,0,0,0,0,0,0,0,0,0,157,205,0,0,0,0,0,0,0,0,0,0,0,91,168,0,0,0,0,0,0,0,0,0,0,0,0,0,157,205,0,0,0,0,0,0,0,0,0,0,12,205,168,0,0,0,0,0,0,0,0,0,0,0,0,0,157,240,81,0,0,0,0,0,0,0,0,12,165,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,239,46,0,0,0,0,0,0,11,108,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,253,182,57,0,0,0,0,49,167,253,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,253,241,218,109,98,161,238,253,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,228,253,253,253,253,254,253,111,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,52,132,132,190,128,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,96,194,155,253,253,213,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,151,221,251,251,253,227,236,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,251,251,251,251,205,31,127,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,251,251,196,188,19,0,16,225,251,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,253,251,172,12,0,0,0,0,221,251,218,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,255,161,0,0,0,0,0,0,163,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,251,181,16,0,0,0,0,0,0,56,240,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,158,253,220,0,0,0,0,0,0,0,0,0,0,0,0,28,236,251,251,19,0,0,0,0,0,0,0,0,19,253,248,111,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,253,251,126,0,0,0,0,0,0,0,0,0,0,0,32,253,253,95,0,0,0,0,0,0,0,0,0,0,255,253,173,12,0,0,0,0,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,32,251,251,94,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,32,251,251,193,0,0,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,80,242,253,159,0,0,0,0,0,0,0,24,194,255,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,103,251,230,170,32,4,0,0,0,16,186,251,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,126,253,251,251,141,48,0,96,189,251,251,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,196,251,251,232,223,244,251,251,211,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,173,251,251,253,251,251,113,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,116,165,165,253,255,239,239,248,163,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,160,247,254,254,254,254,254,254,254,254,254,157,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,254,217,143,116,95,74,116,116,215,254,205,30,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,211,90,11,0,0,0,0,0,0,183,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,54,62,9,0,0,0,0,0,0,0,16,214,254,216,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,236,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,150,236,254,254,254,195,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,254,254,254,254,254,254,250,145,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,254,206,83,31,31,86,211,254,189,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,118,8,0,0,0,0,10,182,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,109,2,0,0,0,0,0,0,0,0,129,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,132,5,0,0,0,0,0,0,34,237,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,254,182,18,0,0,0,0,15,190,254,179,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,254,176,56,10,0,27,191,254,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,254,254,216,205,238,254,248,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,232,254,254,254,254,250,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,118,170,221,164,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,105,179,201,255,254,201,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,113,206,253,194,119,89,102,232,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,212,252,198,67,4,0,0,0,133,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,222,253,97,0,0,0,0,0,0,15,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,236,209,0,0,0,0,0,0,0,104,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,241,224,118,15,0,0,13,162,254,240,250,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,236,253,220,67,0,149,253,227,41,184,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,244,250,173,254,232,40,0,9,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,194,253,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,254,246,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,219,223,84,227,254,148,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,139,0,42,188,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,56,0,0,10,188,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,30,0,0,0,42,226,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,30,0,0,0,0,84,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,39,0,0,0,0,0,224,236,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,239,205,0,0,0,0,0,179,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,178,51,1,3,82,250,192,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,169,254,253,197,204,253,222,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,143,178,222,156,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,121,51,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,212,240,248,252,245,246,247,183,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,226,235,252,232,223,202,197,158,253,252,193,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,250,252,252,188,66,27,19,17,0,183,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,142,53,11,0,0,0,0,0,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,170,7,0,0,0,0,0,0,99,253,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,0,0,0,0,0,0,0,133,253,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,146,253,252,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,208,252,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,253,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,253,253,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,200,252,252,195,83,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,252,243,95,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,67,186,252,252,225,0,0,0,0,0,0,0,0,11,67,140,63,0,0,0,0,0,0,0,0,0,0,164,252,252,252,252,127,0,0,0,0,20,54,89,158,155,252,248,117,0,0,0,0,0,0,0,0,0,0,30,225,252,252,252,202,173,173,174,173,202,252,252,252,252,252,250,141,0,0,0,0,0,0,0,0,0,0,0,121,225,245,252,252,252,252,253,252,252,252,252,232,225,140,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,106,106,113,238,240,238,238,238,133,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,255,232,55,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,253,252,252,219,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,121,184,196,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,236,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,68,161,161,57,22,0,0,114,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,252,252,216,184,131,240,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,231,54,22,22,96,252,252,252,252,221,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,207,0,0,0,34,253,253,203,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,206,0,0,95,212,252,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,219,70,164,246,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,234,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,201,252,252,252,200,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,62,146,202,255,213,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,253,253,253,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,248,248,162,139,165,252,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,232,253,245,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,3,136,252,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,189,177,253,253,253,172,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,253,228,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,253,253,253,253,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,153,199,199,235,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,209,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,237,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,250,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,7,0,0,0,14,105,249,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,215,211,165,211,220,253,253,253,214,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,253,253,253,253,206,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,175,253,253,253,253,253,178,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,145,145,152,230,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,195,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,186,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,253,237,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,213,252,252,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,221,252,226,86,100,240,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,247,119,14,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,232,252,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,252,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,232,252,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,253,214,0,0,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,253,224,40,57,173,243,190,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,252,250,117,84,246,252,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,140,112,252,252,199,183,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,141,242,252,226,24,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,147,148,253,170,0,80,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,113,252,47,84,242,253,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,155,25,200,234,246,252,179,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,253,252,252,236,101,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,253,217,138,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,96,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,88,251,253,251,220,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,189,251,251,253,251,251,220,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,251,251,211,31,58,251,251,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,228,251,211,35,0,32,251,251,251,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,253,205,19,0,0,0,80,242,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,170,253,227,31,0,0,0,0,0,95,240,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,251,253,140,0,0,0,0,0,0,0,158,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,251,229,47,0,0,0,0,0,0,0,119,253,228,32,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,59,0,0,0,0,0,0,0,0,0,253,251,126,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,0,0,0,0,0,0,0,0,0,0,255,253,126,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,20,253,247,110,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,158,253,220,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,158,253,81,0,0,0,0,0,0,0,0,0,0,0,0,12,173,251,251,0,0,0,0,0,0,0,0,40,217,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,0,0,0,0,0,128,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,251,191,71,16,0,0,92,190,221,251,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,188,127,127,253,251,251,140,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,228,253,251,251,251,251,253,243,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,251,251,251,251,193,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,28,130,130,130,130,130,130,130,237,255,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,211,253,253,253,253,253,253,253,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,2,162,253,253,250,239,253,253,248,241,238,235,235,123,8,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,228,85,24,105,105,74,34,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,119,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,239,180,149,56,56,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,253,253,253,253,253,159,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,193,253,253,253,253,220,253,253,253,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,55,55,55,55,59,145,210,229,241,161,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,133,232,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,248,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,41,0,0,0,0,0,0,83,152,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,238,243,236,154,172,200,236,236,249,253,253,52,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,253,253,253,253,253,253,216,32,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,129,190,129,211,229,129,159,253,156,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,144,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,212,254,239,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,204,254,254,204,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,249,254,240,124,19,227,213,242,242,235,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,237,254,240,93,0,0,110,254,254,254,254,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,219,25,0,0,0,4,33,98,45,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,176,56,0,0,0,0,0,0,0,124,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,248,254,245,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,254,227,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,254,250,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,254,228,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,254,228,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,237,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,222,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,208,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,242,237,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,128,128,191,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,158,254,254,254,254,254,254,145,243,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,95,217,253,253,244,241,140,117,122,239,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,253,250,207,111,27,0,0,7,166,253,253,245,11,0,0,0,0,0,0,0,0,0,0,0,0,27,213,253,237,124,0,0,0,0,21,164,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,2,41,213,253,215,34,0,0,0,9,68,234,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,13,253,253,215,34,0,0,0,58,186,253,241,173,93,234,253,18,0,0,0,0,0,0,0,0,0,0,0,34,253,249,82,0,29,68,167,231,253,219,83,0,17,229,253,18,0,0,0,0,0,0,0,0,0,0,0,136,253,245,174,174,226,253,253,217,110,18,0,0,118,253,253,18,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,253,215,110,20,0,0,0,0,217,253,178,6,0,0,0,0,0,0,0,0,0,0,0,10,191,191,191,173,68,22,0,0,0,0,0,0,217,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,222,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,225,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,214,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,247,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,123,205,226,226,226,159,132,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,246,244,244,248,254,254,247,163,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,228,19,0,0,45,178,223,254,254,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,110,21,0,0,0,0,11,110,241,254,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,220,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,247,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,67,67,20,0,0,0,0,227,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,150,244,254,254,234,205,122,38,15,226,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,248,244,251,254,254,254,219,248,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,140,38,0,60,106,178,234,254,254,254,229,118,76,23,17,68,0,0,0,0,0,0,0,0,0,62,252,252,69,0,0,0,0,6,165,255,254,254,254,254,254,241,240,246,188,0,0,0,0,0,0,0,0,62,252,244,0,0,0,0,5,116,254,254,230,67,75,140,140,140,120,42,0,0,0,0,0,0,0,0,0,0,226,251,117,38,38,117,196,254,254,232,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,254,249,249,254,254,247,162,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,111,194,225,225,194,111,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,238,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,211,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,232,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,254,254,93,0,0,0,37,50,50,50,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,248,73,38,81,181,235,254,254,254,150,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,193,28,232,254,254,254,254,254,254,254,230,138,6,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,193,72,254,254,239,186,125,186,186,243,254,254,147,5,0,0,0,0,0,0,0,0,0,0,0,13,254,254,232,189,254,203,80,0,0,0,0,89,207,254,254,55,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,254,254,80,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,242,167,53,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,2,159,254,254,217,0,0,0,0,0,0,0,0,139,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,232,100,32,0,0,0,0,32,142,250,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,19,255,255,254,254,238,203,167,107,204,238,254,254,254,210,11,0,0,0,0,0,0,0,0,0,0,0,0,2,103,254,254,254,254,254,254,254,254,254,254,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,254,254,254,254,254,254,254,254,214,136,26,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,24,130,130,130,160,221,130,130,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,248,116,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,254,254,244,172,90,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,194,215,254,254,254,228,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,5,27,129,226,252,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,71,176,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,248,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,226,254,245,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,254,196,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,228,254,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,85,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,108,157,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,174,145,0,34,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,42,0,0,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,207,83,0,0,226,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,105,44,238,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,221,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,250,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,225,207,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,235,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,190,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,126,229,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,203,208,49,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,124,154,154,210,254,254,254,231,154,128,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,243,243,243,243,244,253,253,253,253,191,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,159,79,0,0,0,0,2,89,89,155,220,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,126,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,202,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,170,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,240,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,75,121,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,124,204,235,253,253,253,248,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,94,174,253,253,253,253,250,166,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,245,201,141,234,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,84,38,0,78,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,151,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,251,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,250,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,93,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,167,132,132,132,98,132,146,226,234,211,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,204,181,223,200,254,254,254,254,251,105,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,16,0,0,41,120,226,254,251,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,213,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,141,250,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,0,214,197,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,109,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,226,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,255,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,231,199,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,65,73,223,215,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,197,3,0,67,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,233,133,0,0,0,154,246,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,169,0,0,0,18,184,245,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,238,169,0,0,0,0,101,254,176,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,251,168,57,92,82,201,254,90,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,255,235,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,66,212,254,218,219,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,124,252,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,121,209,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,160,16,64,126,169,160,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,232,221,252,253,252,252,242,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,253,253,253,236,212,131,115,222,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,252,245,141,37,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,215,253,252,198,57,13,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,205,221,252,121,0,0,0,134,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,21,42,7,0,0,62,239,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,63,0,0,0,0,32,192,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,103,237,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,161,253,158,39,127,215,253,245,126,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,252,252,252,243,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,226,244,191,103,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,152,233,254,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,142,61,21,162,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,90,0,0,0,142,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,142,0,0,21,173,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,20,0,21,203,253,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,41,82,214,253,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,243,243,192,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,50,112,232,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,224,40,0,82,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,212,20,0,0,0,71,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,224,20,0,0,0,0,51,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,122,0,0,0,0,0,51,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,213,0,0,0,0,11,92,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,41,0,0,82,173,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,253,254,253,224,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,151,253,252,151,70,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,198,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,29,29,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,0,0,57,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,29,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,86,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,29,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,86,0,86,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,57,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,86,0,0,0,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,29,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,86,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,218,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,162,0,0,0,0,0,0,37,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,79,0,0,0,0,0,32,172,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,229,30,0,0,0,0,13,191,229,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,249,66,0,0,0,0,0,76,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,99,0,0,0,0,0,10,222,226,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,202,6,0,0,0,0,0,38,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,112,0,0,0,0,0,0,122,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,241,18,0,0,0,0,0,37,255,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,240,186,0,0,0,0,0,0,216,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,251,110,0,0,0,0,111,250,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,230,250,192,156,103,91,238,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,150,234,240,248,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,139,253,196,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,206,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,242,241,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,229,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,156,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,169,234,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,165,108,82,131,107,108,57,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,253,252,252,252,253,252,234,197,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,253,177,139,139,128,103,139,240,250,225,225,75,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,226,0,0,0,0,0,0,0,13,138,225,238,192,60,0,0,0,0,0,0,0,0,0,0,22,234,252,252,225,0,0,0,0,0,0,0,0,0,0,88,228,234,38,0,0,0,0,0,0,0,0,0,0,169,252,252,225,0,0,0,0,0,0,0,0,0,0,0,53,252,94,0,0,0,0,0,0,0,0,0,0,119,252,252,225,0,0,0,0,0,0,0,0,0,0,0,79,252,243,25,0,0,0,0,0,0,0,0,0,0,198,253,242,66,29,16,0,0,0,0,0,0,23,79,204,247,50,0,0,0,0,0,0,0,0,0,0,0,104,221,253,252,252,215,169,94,57,107,57,131,234,252,197,103,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,224,252,252,253,252,252,252,253,233,205,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,228,252,190,165,214,139,28,22,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,170,245,161,162,161,161,195,162,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,230,254,253,253,253,241,206,244,253,254,249,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,180,137,62,46,34,0,38,54,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,185,9,0,0,0,0,0,127,254,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,254,107,0,0,0,0,83,254,255,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,249,59,0,0,93,224,253,216,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,234,215,7,108,249,253,202,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,203,254,253,135,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,236,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,221,253,244,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,185,94,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,136,254,254,160,9,83,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,170,253,248,139,0,0,199,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,254,223,92,0,0,55,245,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,228,40,0,0,26,239,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,102,0,0,85,254,216,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,185,72,138,147,247,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,254,253,225,104,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,160,194,136,69,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,84,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,98,0,0,0,0,0,0,17,92,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,205,254,71,0,0,0,0,0,0,44,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,228,254,104,0,0,0,0,0,0,0,148,252,195,10,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,146,0,0,0,0,0,0,0,0,214,254,126,2,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,106,0,0,0,0,0,0,0,0,75,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,90,0,0,0,0,0,0,0,0,13,222,254,176,2,0,0,0,0,0,0,0,0,0,0,0,171,254,254,71,0,0,0,0,0,0,0,0,0,104,254,254,16,0,0,0,0,0,0,0,0,0,0,0,183,254,248,37,0,0,0,0,0,0,0,0,0,31,242,254,124,0,0,0,0,0,0,0,0,0,0,0,255,254,159,0,0,0,0,0,0,0,0,0,0,0,174,254,241,10,0,0,0,0,0,0,0,0,0,0,254,254,90,0,0,0,0,0,0,0,0,0,0,0,52,250,254,70,0,0,0,0,0,0,0,0,0,0,238,254,236,133,127,51,51,34,10,0,17,17,0,0,0,234,254,193,2,0,0,0,0,0,0,0,0,0,108,237,254,254,254,254,254,243,227,221,232,232,221,221,221,251,254,254,8,0,0,0,0,0,0,0,0,0,0,23,171,199,254,254,254,254,254,254,254,254,254,254,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,2,25,25,25,91,108,108,66,25,25,25,25,25,239,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,249,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,242,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,170,133,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,162,121,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,253,246,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,189,219,253,253,165,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,74,13,39,219,253,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,254,231,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,253,174,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,246,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,81,81,81,151,81,81,151,234,253,253,39,43,0,0,0,0,0,0,0,0,0,0,0,0,0,32,194,248,253,253,253,253,253,253,253,254,253,253,209,229,201,201,124,166,32,0,0,0,0,0,0,0,0,149,253,253,253,253,253,253,253,253,253,254,253,253,253,253,213,199,108,39,31,0,0,0,0,0,0,0,0,255,253,253,240,213,123,140,253,253,253,255,215,213,100,80,21,0,0,0,0,0,0,0,0,0,0,0,0,240,253,253,224,161,180,253,253,253,253,94,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,252,253,253,253,253,252,162,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,162,253,253,232,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,124,208,255,254,241,156,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,254,254,254,254,254,254,222,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,221,167,75,75,186,254,218,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,215,29,0,0,12,71,57,0,0,0,5,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,220,254,203,0,0,0,0,0,0,0,40,171,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,239,247,139,0,0,0,0,6,119,248,247,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,246,139,0,6,90,208,254,207,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,246,105,169,254,254,158,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,131,254,254,254,246,126,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,98,254,254,246,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,125,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,221,254,247,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,254,207,44,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,228,16,38,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,226,254,176,0,38,254,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,239,31,9,177,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,226,254,205,0,108,254,242,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,210,254,170,78,251,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,253,252,243,149,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,254,179,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,174,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,164,221,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,171,245,252,252,252,252,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,73,190,252,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,242,252,252,252,236,147,68,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,129,0,0,22,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,224,159,63,11,0,0,22,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,14,0,0,0,0,0,11,210,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,50,121,94,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,250,74,75,197,232,245,252,252,239,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,252,252,252,253,252,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,246,253,252,252,252,208,147,112,147,252,103,0,0,0,0,0,0,0,0,0,0,0,0,36,105,183,253,253,253,255,253,241,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,112,242,253,252,252,252,252,218,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,251,252,252,253,245,169,21,21,139,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,226,128,56,0,0,0,14,84,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,244,147,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,60,136,139,243,155,254,254,255,202,136,68,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,252,218,218,234,218,218,218,236,253,166,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,124,150,80,0,0,39,0,0,0,130,253,243,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,240,253,241,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,133,252,253,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,142,220,253,253,179,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,212,253,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,184,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,125,176,94,149,205,253,223,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,148,252,249,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,150,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,173,252,253,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,196,135,84,45,120,221,253,253,230,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,253,253,237,253,253,253,201,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,201,253,253,217,135,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,38,137,137,192,137,137,68,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,211,254,254,254,254,254,254,254,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,159,251,254,246,201,110,83,83,88,232,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,254,254,203,54,0,0,0,0,0,116,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,56,21,0,0,0,0,0,0,6,141,212,19,0,0,0,0,0,0,0,0,0,0,0,0,23,217,254,110,2,0,0,0,0,0,0,0,0,48,254,53,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,32,0,0,0,0,0,0,0,6,76,205,254,53,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,207,29,24,24,24,24,69,142,252,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,20,194,254,254,254,254,254,254,254,254,254,227,132,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,22,119,195,252,254,254,213,195,195,142,38,148,254,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,59,59,18,0,0,0,0,148,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,237,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,6,1,0,0,0,0,0,1,176,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,21,0,0,0,0,0,46,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,21,0,0,0,0,0,136,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,254,176,3,0,0,0,0,0,234,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,28,189,254,254,101,92,18,0,0,0,19,247,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,2,162,254,254,254,209,250,193,19,0,0,181,254,254,175,2,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,254,254,254,254,254,238,131,100,210,254,254,158,1,0,0,0,0,0,0,0,0,0,0,0,49,243,254,254,254,254,254,254,254,254,227,236,254,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,49,243,254,254,254,237,162,162,162,162,80,83,254,254,254,133,1,0,0,0,0,0,0,0,0,0,0,0,0,63,125,125,27,13,0,0,0,0,0,116,254,254,92,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,225,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,255,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,192,105,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,86,169,254,255,169,163,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,139,239,253,210,133,109,76,121,234,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,175,63,24,0,0,0,35,158,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,253,237,163,61,0,0,0,0,52,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,181,254,117,11,0,0,0,0,0,0,0,156,173,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,254,66,0,0,0,0,0,0,0,0,0,73,199,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,181,0,0,0,0,0,0,0,0,0,0,73,210,8,0,0,0,0,0,0,0,0,0,0,0,0,82,244,36,0,0,0,0,0,0,0,0,0,0,73,253,36,0,0,0,0,0,0,0,0,0,0,0,0,128,228,0,0,0,0,0,0,0,0,0,0,0,73,253,36,0,0,0,0,0,0,0,0,0,0,0,0,128,144,0,0,0,0,0,0,0,0,0,0,0,106,214,11,0,0,0,0,0,0,0,0,0,0,0,0,128,144,0,0,0,0,0,0,0,0,0,0,0,189,199,0,0,0,0,0,0,0,0,0,0,0,0,0,128,144,0,0,0,0,0,0,0,0,0,0,53,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,128,157,0,0,0,0,0,0,0,0,0,3,146,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,128,196,0,0,0,0,0,0,0,0,0,90,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,209,0,0,0,0,0,0,0,0,14,193,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,0,0,0,0,0,0,0,0,153,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,202,87,0,0,0,0,0,16,127,242,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,240,14,0,0,0,14,163,245,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,119,219,64,19,90,193,242,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,247,253,253,188,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,86,169,221,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,221,153,69,50,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,73,0,0,0,130,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,181,0,0,0,0,68,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,201,45,0,0,0,27,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,134,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,255,254,254,176,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,233,50,18,63,202,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,49,0,0,0,22,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,167,77,160,243,125,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,254,149,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,91,123,254,254,255,254,249,91,107,254,122,91,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,253,253,253,253,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,253,253,253,253,253,253,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,56,56,56,56,56,56,56,56,76,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,227,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,230,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,247,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,194,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,253,252,170,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,252,148,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,206,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,94,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,244,235,147,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,181,254,254,250,185,145,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,177,252,254,254,252,197,73,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,103,188,252,254,254,200,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,136,239,254,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,250,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,196,243,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,70,126,211,253,254,248,215,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,250,254,254,254,218,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,147,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,109,233,244,254,249,169,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,172,254,254,232,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,90,251,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,251,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,255,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,168,1,0,0,0,0,0,0,0,0,0,0,0,0,1,117,250,245,141,141,134,26,0,31,33,117,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,4,226,254,254,254,254,254,238,179,250,254,254,247,110,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,38,38,38,38,38,61,232,254,254,213,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,150,234,254,255,254,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,143,244,254,254,240,254,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,252,241,95,204,254,254,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,183,85,72,0,0,34,240,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,89,0,0,0,0,0,121,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,160,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,199,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,254,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,177,254,240,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,255,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,101,248,254,44,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,254,253,153,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,76,166,169,201,254,254,247,76,20,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,237,254,254,254,254,254,254,254,254,240,232,141,40,0,0,0,0,0,0,0,0,0,0,0,0,12,190,254,254,254,254,254,240,247,244,242,254,254,254,254,243,115,0,0,0,0,0,0,0,0,0,0,13,189,254,254,254,254,235,89,20,48,36,31,103,248,254,254,254,225,0,0,0,0,0,0,0,0,0,0,94,254,254,254,254,214,13,0,0,0,0,0,0,8,23,197,86,8,0,0,0,0,0,0,0,0,0,0,177,254,254,248,222,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,232,163,225,95,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,255,254,171,92,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,200,253,253,253,211,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,10,93,215,245,236,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,130,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,63,149,166,127,80,196,253,234,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,253,253,253,177,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,243,201,201,241,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,51,51,41,0,0,39,119,253,241,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,124,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,100,236,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,63,171,252,253,245,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,222,42,103,140,218,240,253,247,207,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,253,253,252,196,156,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,203,253,162,125,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,170,254,254,212,91,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,180,237,253,253,253,253,253,229,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,253,163,146,174,253,253,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,237,253,227,56,9,0,15,56,248,253,231,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,140,0,0,0,0,0,246,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,218,134,9,0,0,0,0,31,248,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,33,0,0,0,0,0,0,156,253,253,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,66,215,244,253,253,244,108,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,253,253,253,253,209,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,253,253,253,173,171,171,179,253,252,246,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,245,245,245,143,3,0,0,8,155,246,253,197,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,250,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,222,62,58,58,58,58,85,238,253,253,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,253,253,253,253,253,253,253,166,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,253,253,253,253,253,253,151,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,253,253,120,89,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,97,165,176,255,253,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,153,249,254,254,246,185,167,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,240,122,100,23,0,4,237,247,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,217,9,0,0,0,0,126,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,254,150,4,0,0,0,0,89,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,218,3,0,0,0,0,0,169,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,247,25,0,0,0,0,0,0,169,231,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,90,0,0,0,0,0,0,62,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,220,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,244,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,221,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,216,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,158,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,230,236,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,238,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,104,162,245,254,254,229,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,114,241,253,241,156,123,206,254,249,180,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,237,253,242,128,34,0,0,0,105,243,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,185,38,0,0,0,0,0,0,163,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,229,56,0,0,0,0,0,0,45,237,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,2,0,0,0,0,0,17,245,253,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,108,224,254,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,127,204,253,253,253,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,120,237,254,255,254,254,254,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,236,148,98,107,223,254,216,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,192,54,0,0,0,17,197,251,207,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,111,13,0,0,0,0,0,0,197,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,30,0,0,0,0,0,0,157,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,201,54,0,0,0,0,0,0,38,246,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,246,50,0,0,0,0,0,0,9,209,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,237,19,0,0,0,0,0,0,108,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,203,81,5,5,47,106,222,249,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,163,246,254,211,212,253,254,248,221,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,186,253,253,253,195,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,0,0,0,0,0,0,0,57,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,114,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,198,86,57,29,114,170,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,141,86,29,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,141,253,198,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,255,253,254,253,254,253,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,138,139,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,255,253,114,0,0,114,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,138,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,169,0,0,0,0,0,85,253,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,168,0,0,0,0,0,85,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,141,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,138,0,0,0,0,0,114,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,29,197,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,196,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,198,28,0,57,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,196,57,224,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,155,240,239,155,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,212,254,137,53,167,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,175,254,137,14,0,0,16,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,197,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,242,30,0,0,0,37,153,126,79,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,229,0,0,0,8,207,254,254,254,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,229,0,0,0,114,254,228,76,186,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,156,0,0,0,171,254,131,0,88,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,145,0,0,0,209,254,74,0,142,254,247,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,221,0,0,0,209,228,16,0,142,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,237,244,35,0,0,132,221,10,0,164,254,143,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,136,0,0,8,156,27,103,253,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,236,240,59,0,0,0,15,200,254,91,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,191,251,167,108,123,209,254,119,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,81,171,212,239,154,42,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,40,161,137,111,34,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,130,243,254,254,254,254,254,182,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,249,254,245,205,56,134,229,242,254,197,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,229,52,0,0,0,0,30,183,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,167,236,70,0,0,0,0,0,150,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,223,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,241,236,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,254,213,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,246,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,169,0,0,0,0,0,0,0,0,0,0,61,99,141,0,0,0,0,0,0,0,0,0,0,0,0,76,254,248,141,59,36,36,36,42,135,135,206,235,250,248,180,0,0,0,0,0,0,0,0,0,0,0,0,19,127,254,254,254,254,254,254,254,254,254,254,206,129,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,10,120,209,209,209,209,203,110,61,10,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,254,255,207,63,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,254,254,254,154,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,224,72,149,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,253,235,3,0,1,99,228,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,234,0,0,0,0,130,254,243,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,201,0,0,0,0,29,236,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,254,254,83,0,0,0,0,0,145,254,238,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,209,8,0,0,0,0,0,106,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,133,0,0,0,0,0,0,106,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,51,0,0,0,0,0,0,106,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,249,9,0,0,0,0,0,0,106,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,167,0,0,0,0,0,0,0,106,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,167,0,0,0,0,0,0,0,123,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,167,0,0,0,0,0,0,19,223,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,167,0,0,0,0,0,0,71,254,254,228,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,246,23,0,0,0,0,0,154,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,254,180,1,0,0,0,99,249,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,235,254,134,21,39,110,225,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,254,234,241,254,254,254,254,231,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,141,225,254,254,217,201,154,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,229,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,249,253,254,224,97,131,80,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,251,253,176,180,253,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,65,222,199,215,225,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,122,179,182,19,21,143,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,44,35,0,0,0,76,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,130,63,85,10,39,200,235,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,203,226,254,245,248,253,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,249,253,253,254,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,215,253,253,219,204,197,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,226,219,166,0,0,0,104,206,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,220,253,230,42,0,0,0,104,217,221,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,30,0,0,0,0,31,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,9,0,0,0,0,10,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,237,7,0,0,0,0,10,253,235,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,174,1,0,0,0,0,48,221,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,126,13,32,54,54,188,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,245,247,250,249,253,236,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,244,253,253,253,254,253,241,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,155,125,228,229,111,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,150,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,155,252,252,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,252,252,252,243,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,231,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,227,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,252,252,210,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,236,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,185,255,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,238,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,187,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,252,245,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,252,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,216,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,247,252,113,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,92,166,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,145,244,248,197,241,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,210,253,215,50,0,44,56,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,177,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,104,142,141,104,79,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,254,253,253,253,245,169,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,235,177,107,56,56,56,179,253,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,3,0,0,0,0,4,53,229,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,177,0,0,0,0,0,0,0,0,0,198,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,75,0,0,0,0,0,0,0,51,247,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,204,7,0,0,0,0,0,16,129,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,188,69,0,0,0,51,217,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,235,253,199,198,198,247,207,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,255,228,140,90,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,154,208,255,221,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,248,221,118,103,135,233,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,230,70,13,0,0,0,75,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,125,0,0,0,0,0,0,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,246,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,170,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,243,178,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,223,247,238,244,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,133,96,29,101,230,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,238,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,227,158,0,0,0,0,0,0,0,0,68,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,102,6,0,0,0,0,0,0,0,0,87,204,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,99,0,0,0,0,0,0,0,0,42,237,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,227,74,9,0,0,0,0,2,60,191,223,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,250,211,135,103,103,114,196,254,216,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,136,221,254,254,243,164,101,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,246,162,130,47,47,47,47,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,135,69,69,205,254,253,253,253,253,254,253,203,185,70,0,0,0,0,0,0,0,0,0,0,0,0,137,204,59,0,0,21,161,161,161,161,161,161,161,77,46,4,0,0,0,0,0,0,0,0,0,0,32,211,251,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,194,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,170,3,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,195,253,253,170,246,162,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,235,253,253,254,253,235,185,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,88,161,161,220,253,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,169,253,253,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,7,213,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,59,0,0,0,47,68,187,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,210,101,38,123,255,253,253,253,190,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,233,253,254,194,129,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,44,137,180,200,23,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,185,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,232,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,247,83,26,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,198,7,0,0,0,0,2,209,254,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,250,32,0,0,0,0,102,254,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,254,122,0,0,0,0,23,239,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,255,37,0,0,0,0,156,254,254,114,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,90,246,254,254,218,160,50,0,9,223,254,197,2,0,0,0,72,87,0,0,0,0,0,0,0,0,0,0,46,176,254,254,254,254,253,227,231,254,254,136,1,0,0,67,221,25,0,0,0,0,0,0,0,0,0,0,0,8,16,87,145,228,254,254,254,254,254,254,239,239,239,238,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,61,186,254,254,247,170,191,165,129,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,254,178,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,199,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,212,239,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,254,240,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,203,254,238,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,212,254,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,254,175,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,239,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,242,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,240,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,77,159,244,254,254,255,254,231,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,163,250,254,254,254,254,205,192,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,205,122,37,26,6,1,116,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,182,1,0,0,0,0,0,169,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,169,0,0,0,0,0,43,236,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,169,0,0,0,0,0,98,254,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,139,0,0,0,0,0,183,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,251,58,0,0,0,0,0,183,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,219,141,0,0,0,0,0,38,249,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,32,0,0,0,0,0,124,254,211,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,186,254,217,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,233,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,249,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,214,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,131,214,247,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,143,248,251,129,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,214,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,214,251,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,240,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,221,251,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,221,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,251,251,156,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,251,172,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,251,181,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,189,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,211,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,211,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,209,254,255,166,130,37,7,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,80,136,148,253,253,253,253,253,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,253,253,253,251,213,111,111,141,235,235,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,228,158,120,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,241,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,168,0,0,11,44,44,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,235,210,10,138,193,253,253,228,174,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,219,155,253,240,104,110,215,253,226,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,212,51,0,0,22,110,244,227,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,104,0,0,0,0,0,53,197,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,74,0,0,0,0,0,0,71,246,229,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,70,148,15,0,0,0,0,0,0,0,190,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,250,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,106,18,91,224,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,112,203,236,249,253,239,251,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,253,253,253,253,95,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,129,220,253,253,253,211,129,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,152,92,51,72,152,152,193,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,253,252,253,252,253,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,253,254,253,254,253,254,253,254,253,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,253,252,253,252,151,111,112,192,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,21,223,255,253,254,253,142,0,0,0,0,123,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,253,252,61,0,0,0,41,243,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,151,0,0,0,0,152,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,151,131,30,0,0,0,41,233,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,255,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,255,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,233,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,191,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,77,77,88,232,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,254,254,254,254,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,166,254,226,211,153,103,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,245,254,236,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,150,254,254,254,232,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,180,254,232,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,221,44,4,76,254,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,92,33,0,0,22,200,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,218,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,214,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,215,255,229,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,173,246,254,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,188,141,141,209,250,254,254,243,166,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,250,184,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,211,254,157,126,38,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,134,220,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,2,9,21,164,244,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,105,180,204,191,254,230,254,248,253,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,255,254,246,195,111,33,226,224,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,173,139,67,34,0,0,0,226,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,118,15,0,0,0,0,0,0,226,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,248,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,230,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,235,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,152,167,203,191,167,80,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,241,254,254,254,254,254,254,246,142,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,245,190,66,17,17,108,193,209,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,5,0,0,0,0,0,167,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,166,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,255,132,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,146,225,254,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,164,254,201,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,208,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,225,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,171,254,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,16,0,0,0,8,142,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,228,97,12,46,177,254,254,235,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,254,230,254,254,254,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,175,254,254,254,232,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,191,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,218,93,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,226,215,253,252,180,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,114,0,108,232,252,190,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,159,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,171,253,253,253,255,211,109,191,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,252,236,215,112,71,217,247,252,252,253,231,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,143,0,0,0,63,237,252,252,253,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,191,0,0,0,0,255,253,253,108,0,156,253,253,110,15,0,0,0,0,0,0,0,0,0,0,0,73,252,148,0,63,94,217,253,252,179,15,0,10,149,252,253,159,0,0,0,0,0,0,0,0,0,0,0,21,180,252,181,242,252,252,253,179,20,0,0,0,32,236,253,158,0,0,0,0,0,0,0,0,0,0,0,0,16,190,252,252,252,168,108,15,0,0,0,0,0,62,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,209,148,69,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,189,252,253,252,221,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,21,127,212,252,247,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,239,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,249,252,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,253,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,252,231,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,253,252,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,239,252,253,94,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,245,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,231,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,253,252,233,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,100,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,253,137,4,0,0,0,0,0,0,0,18,185,123,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,194,0,0,0,0,0,0,0,29,130,255,186,9,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,185,0,0,0,0,0,0,131,232,252,151,16,0,0,0,0,0,0,0,0,0,0,0,0,0,64,202,252,250,153,74,22,110,145,232,251,212,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,252,252,252,252,253,231,136,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,226,252,252,252,147,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,197,95,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,254,254,168,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,254,241,237,206,149,149,149,149,149,149,164,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,254,254,254,254,254,254,254,254,254,242,34,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,254,254,254,254,254,254,254,254,254,254,240,30,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,194,44,44,44,44,44,44,126,187,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,246,51,0,0,0,0,0,0,162,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,254,176,0,0,0,0,0,53,248,254,251,70,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,254,254,194,0,0,0,0,0,213,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,229,44,0,0,0,0,80,248,254,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,46,0,0,0,0,0,216,254,255,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,254,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,249,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,152,255,254,150,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,241,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,202,254,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,202,254,254,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,217,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,236,254,187,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,44,0,0,121,176,253,211,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,240,240,242,252,244,240,240,253,252,252,252,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,188,252,252,252,252,252,252,253,252,252,252,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,39,39,39,131,252,252,253,252,222,129,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,253,224,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,136,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,196,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,197,247,121,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,252,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,186,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,165,238,115,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,27,105,160,161,160,160,160,233,252,226,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,219,252,252,252,253,252,252,252,252,249,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,119,119,119,119,183,126,238,252,217,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,245,236,76,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,240,174,90,172,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,90,240,203,75,0,0,0,230,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,101,164,215,241,130,13,0,0,0,0,230,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,171,150,113,14,0,0,0,0,0,0,230,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,250,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,206,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,231,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,183,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,92,152,152,193,152,132,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,61,41,0,0,41,173,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,152,214,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,171,253,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,41,0,0,0,62,203,254,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,223,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,162,255,172,153,233,255,253,255,253,255,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,253,252,253,252,253,252,253,212,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,255,253,255,253,255,213,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,151,172,50,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,104,178,253,242,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,169,253,252,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,209,252,252,244,168,130,56,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,213,253,252,214,90,25,0,0,151,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,13,92,216,253,241,151,0,0,0,0,0,10,229,255,197,0,0,0,0,0,0,0,0,0,0,0,0,45,194,253,214,109,47,0,0,0,0,0,0,110,252,253,121,0,0,0,0,0,0,0,0,0,0,0,45,240,252,106,19,0,0,0,0,0,0,0,19,215,252,194,19,0,0,0,0,0,0,0,0,0,0,0,57,252,52,0,0,0,0,0,0,0,0,0,107,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,216,253,178,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,208,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,190,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,138,191,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,233,183,183,247,184,153,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,193,64,0,0,46,135,252,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,180,8,0,0,0,0,26,168,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,106,0,0,0,0,0,0,70,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,22,0,0,0,0,0,0,38,232,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,146,0,0,0,0,0,0,70,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,239,76,0,0,0,0,17,188,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,253,248,146,74,53,116,193,252,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,253,253,253,255,253,253,211,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,239,164,206,244,210,207,206,206,244,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,230,0,0,56,6,0,0,0,99,246,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,249,75,0,0,0,0,0,0,0,230,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,143,0,0,0,0,0,0,0,230,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,232,38,0,0,0,0,0,0,231,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,102,9,0,0,0,0,38,234,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,154,70,70,91,184,240,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,177,252,252,252,253,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,107,179,252,253,231,137,43,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,141,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,114,226,255,255,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,0,86,86,170,170,255,255,255,226,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,0,255,255,255,255,170,114,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,0,0,86,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,255,255,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,141,0,0,0,0,0,0,0,29,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,198,57,0,0,0,0,29,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,141,114,170,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,170,226,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,198,86,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,255,255,57,0,0,0,0,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,0,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,170,0,0,0,0,0,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,86,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,57,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,29,86,170,226,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,114,198,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,255,255,198,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,226,114,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,62,143,227,236,236,236,236,236,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,224,183,227,236,253,204,200,200,128,114,47,26,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,142,219,238,35,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,203,29,36,36,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,193,253,253,233,201,254,253,222,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,253,253,239,202,148,148,148,209,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,248,165,17,0,0,0,30,218,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,41,0,0,0,0,85,223,201,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,180,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,250,180,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,216,251,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,137,248,207,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,93,224,253,178,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,90,214,253,207,58,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,207,91,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,94,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,118,219,241,118,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,168,235,252,254,254,254,254,245,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,254,254,254,254,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,156,61,61,77,231,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,121,0,0,0,51,237,254,228,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,103,244,218,29,0,0,0,125,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,124,23,0,0,0,125,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,254,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,243,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,213,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,200,254,254,254,152,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,213,254,255,235,89,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,68,243,254,254,250,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,131,254,254,254,254,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,244,254,254,254,254,217,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,231,254,254,254,254,254,254,254,248,221,142,84,84,57,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,254,254,254,254,254,254,254,254,254,254,254,254,237,167,63,58,0,0,0,0,0,0,0,0,0,0,213,254,254,226,213,213,213,213,247,254,254,254,254,254,254,254,254,234,0,0,0,0,0,0,0,0,0,0,37,96,96,31,0,0,0,0,78,122,234,234,234,242,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,117,117,191,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,191,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,197,204,252,224,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,253,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,251,244,253,253,192,66,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,252,75,82,215,252,253,252,224,119,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,224,118,0,0,19,106,168,224,252,252,223,66,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,205,113,0,0,0,0,0,19,28,28,28,9,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,253,253,253,242,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,197,145,196,221,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,178,252,196,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,225,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,122,190,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,166,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,238,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,252,252,220,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,175,4,0,53,110,109,109,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,167,0,53,241,253,252,252,250,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,168,57,242,253,255,253,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,216,237,252,252,253,169,182,244,252,221,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,252,252,252,235,96,41,0,169,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,156,44,0,0,0,169,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,172,252,252,252,23,0,0,0,55,229,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,207,252,252,198,78,73,141,230,252,252,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,236,252,252,252,253,252,252,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,252,252,253,252,252,234,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,168,252,252,253,252,167,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,194,127,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,121,121,121,204,253,253,255,253,253,253,253,154,121,44,0,0,0,0,0,0,0,0,0,0,0,0,90,244,252,252,252,252,252,252,253,252,252,252,252,252,252,230,45,0,0,0,0,0,0,0,0,0,0,0,94,252,252,252,252,252,252,252,253,252,252,252,252,252,252,242,67,0,0,0,0,0,0,0,0,0,0,0,206,252,252,235,172,88,39,39,39,39,39,39,144,172,172,84,0,0,0,0,0,0,0,0,0,0,0,85,247,252,199,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,235,89,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,252,252,198,173,173,103,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,252,252,252,252,252,209,34,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,154,238,249,252,252,252,252,252,253,252,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,119,210,167,196,252,253,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,240,252,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,231,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,54,9,0,0,0,0,0,29,187,249,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,252,143,41,41,41,55,173,215,253,252,252,176,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,252,252,252,252,252,252,253,252,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,243,252,252,252,252,252,252,252,240,182,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,119,119,217,252,238,119,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,125,192,125,125,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,236,254,254,254,254,255,253,249,249,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,254,254,254,254,254,254,254,247,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,254,254,254,254,254,254,254,254,254,254,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,171,156,156,156,156,176,254,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,200,219,48,5,0,0,0,0,7,56,224,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,24,0,0,0,0,0,0,89,216,242,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,142,210,242,254,254,254,250,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,254,254,254,254,254,254,254,224,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,254,254,254,254,254,254,254,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,254,254,254,254,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,175,202,202,175,71,159,202,202,233,254,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,215,254,124,0,0,0,0,0,0,0,0,0,0,26,27,95,27,27,27,27,27,27,27,27,115,157,167,254,254,254,124,0,0,0,0,0,0,0,0,10,81,250,254,254,254,254,254,254,254,254,254,254,254,254,255,254,254,254,115,0,0,0,0,0,0,0,0,199,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,235,0,0,0,0,0,0,0,0,0,181,254,254,254,254,254,254,254,254,254,254,254,254,254,254,255,254,238,0,0,0,0,0,0,0,0,0,0,0,122,248,254,254,254,254,187,254,254,254,254,254,254,187,187,177,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,47,0,0,0,0,0,2,74,213,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,31,0,0,0,0,0,152,253,253,245,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,31,0,0,0,0,74,241,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,31,0,0,0,0,248,253,236,253,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,31,0,0,0,75,252,253,149,253,238,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,31,0,0,0,196,253,253,247,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,63,0,0,0,202,253,253,253,229,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,185,0,0,47,248,253,253,242,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,253,248,60,0,80,253,253,253,167,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,205,159,240,253,253,253,235,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,253,253,253,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,76,241,253,253,189,149,91,46,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,234,49,77,37,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,242,197,105,70,34,118,110,100,76,49,12,25,7,0,0,0,0,0,0,0,0,0,0,20,219,254,204,247,255,254,254,254,244,254,254,254,254,254,168,223,36,0,0,0,0,0,0,0,0,0,0,0,24,158,4,37,101,152,157,146,165,114,127,200,254,249,237,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,34,7,194,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,201,215,14,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,122,172,177,207,254,254,226,233,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,143,215,236,254,254,254,254,254,254,254,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,204,254,254,254,254,254,234,254,254,208,39,76,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,218,119,16,16,11,111,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,80,4,2,0,0,0,0,181,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,186,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,9,238,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,26,0,0,0,0,0,78,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,130,0,0,0,0,0,135,254,227,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,168,0,0,0,0,0,173,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,230,40,0,0,0,0,173,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,106,0,0,0,4,190,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,113,0,0,0,15,254,227,29,0,25,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,201,0,0,0,15,254,160,17,24,197,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,214,232,25,0,0,106,254,254,134,231,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,208,44,33,173,254,254,248,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,190,254,254,254,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,70,211,211,246,254,247,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,244,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,230,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,163,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,209,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,253,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,177,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,227,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,245,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,148,254,255,254,254,254,254,254,254,254,97,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,186,235,235,235,235,235,235,235,250,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,192,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,167,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,209,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,170,253,253,234,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,174,253,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,231,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,239,253,231,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,253,232,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,155,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,247,253,253,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,157,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,127,160,160,223,255,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,247,254,254,254,228,198,115,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,169,253,209,150,102,129,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,243,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,240,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,71,74,123,124,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,243,159,160,243,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,74,0,0,0,132,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,237,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,206,218,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,107,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,198,32,0,19,113,239,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,231,217,229,254,173,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,236,254,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,150,238,254,255,152,73,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,253,253,253,253,253,253,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,249,161,69,74,114,114,219,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,23,0,0,0,0,192,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,210,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,220,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,149,253,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,216,253,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,208,253,215,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,214,253,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,119,246,253,171,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,232,253,252,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,235,253,231,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,221,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,158,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,253,243,218,150,115,115,115,115,115,60,11,105,115,68,0,0,0,0,0,0,0,0,0,0,0,0,0,69,188,236,253,253,253,253,253,253,253,253,253,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,137,218,253,232,149,149,149,149,118,46,46,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,179,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,220,198,198,198,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,135,251,254,254,254,254,254,177,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,175,254,254,254,254,254,254,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,194,254,254,237,141,125,165,233,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,255,184,27,0,0,0,30,237,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,236,105,4,0,0,0,0,0,193,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,43,0,0,0,0,0,0,0,193,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,6,126,245,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,140,217,254,254,254,242,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,180,254,254,254,254,254,254,186,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,254,254,254,254,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,136,140,62,62,103,166,233,254,254,241,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,235,82,0,0,0,0,0,48,247,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,241,181,0,0,0,0,0,0,0,91,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,187,12,0,0,0,0,0,8,50,254,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,216,104,39,42,68,128,201,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,254,239,241,254,254,254,254,247,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,254,254,254,254,254,254,254,254,187,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,248,150,150,150,150,91,46,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,162,102,163,203,203,162,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,233,203,203,234,253,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,171,131,30,0,0,30,91,213,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,123,0,0,0,0,0,0,0,0,183,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,203,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,70,0,0,0,0,0,0,0,0,82,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,203,0,0,0,0,0,0,0,0,41,214,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,82,243,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,203,0,0,0,0,0,52,193,254,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,223,20,0,41,102,183,233,252,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,253,254,253,254,233,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,131,252,253,252,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,96,158,202,255,236,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,145,236,254,248,225,225,241,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,176,162,56,0,0,38,219,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,4,1,0,0,0,0,11,217,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,198,247,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,229,178,178,148,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,254,254,251,160,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,48,48,48,90,143,198,254,240,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,124,254,241,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,160,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,175,254,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,47,130,206,254,250,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,242,183,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,193,129,210,226,252,239,191,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,223,139,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,101,220,156,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,131,253,254,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,171,253,253,254,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,228,253,253,253,254,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,228,249,253,253,183,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,246,157,35,253,254,222,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,168,161,50,0,29,253,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,255,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,101,0,0,0,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,54,19,19,141,253,253,102,17,93,175,232,183,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,253,253,253,234,245,253,253,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,253,253,253,254,253,253,215,127,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,233,253,253,253,253,253,225,140,58,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,183,253,253,162,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,190,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,232,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,230,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,155,252,252,234,59,0,0,0,0,0,0,38,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,127,0,0,0,0,0,12,90,235,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,153,9,0,0,0,0,46,164,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,252,228,32,0,0,81,148,205,234,252,252,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,242,177,142,217,251,253,252,252,252,252,224,30,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,252,252,253,252,252,252,226,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,212,252,252,252,252,252,252,253,252,252,171,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,149,241,241,195,121,248,255,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,247,253,238,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,241,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,252,226,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,252,224,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,252,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,189,40,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,255,214,125,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,253,253,253,249,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,243,253,253,253,253,253,253,253,245,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,236,253,253,164,149,149,176,253,253,250,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,215,42,4,0,0,7,56,175,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,155,0,0,0,0,0,0,34,225,248,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,104,0,0,0,0,0,0,0,132,253,231,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,184,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,234,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,76,230,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,46,46,150,176,176,192,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,243,253,253,253,253,253,253,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,253,253,253,253,253,253,253,253,253,253,250,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,232,227,247,253,253,253,249,143,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,253,142,38,125,230,253,253,250,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,253,253,248,152,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,170,253,253,253,152,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,164,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,243,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,182,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,239,249,0,19,114,205,232,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,249,18,207,252,151,168,248,244,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,249,156,230,82,0,0,48,238,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,245,254,254,191,0,0,0,0,54,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,149,0,0,0,0,43,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,95,0,0,0,0,170,245,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,254,254,158,102,137,164,220,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,135,135,211,255,254,255,254,188,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,170,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,139,145,224,253,218,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,115,166,217,254,253,253,253,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,253,251,235,144,174,253,245,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,129,86,0,0,210,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,204,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,110,160,199,203,253,254,241,199,193,109,110,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,254,253,253,253,253,254,253,253,246,162,163,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,207,124,91,115,254,254,66,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,56,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,177,250,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,227,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,226,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,237,184,2,0,0,0,0,0,0,0,12,37,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,105,0,0,0,0,0,0,0,11,179,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,34,249,254,78,0,0,0,0,0,0,0,128,254,244,249,44,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,78,0,0,0,0,0,0,62,218,254,64,197,140,0,0,0,0,0,0,0,0,0,0,0,45,237,254,242,41,0,0,0,0,0,3,184,254,185,3,21,17,0,0,0,0,0,0,0,0,0,0,0,95,254,254,134,0,0,0,0,0,0,111,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,255,254,20,0,0,0,0,0,0,148,254,228,12,0,4,46,0,0,0,0,0,0,0,0,0,0,0,95,254,254,42,0,0,0,0,0,21,251,254,230,53,146,223,140,0,0,0,0,0,0,0,0,0,0,0,95,254,254,228,173,100,125,203,203,223,254,254,254,254,254,118,29,0,0,0,0,0,0,0,0,0,0,0,41,172,254,254,254,254,254,254,254,254,254,254,232,181,15,2,0,0,0,0,0,0,0,0,0,0,0,0,0,9,96,166,166,166,166,166,220,254,254,187,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,168,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,62,23,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,156,190,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,231,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,214,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,132,152,193,234,152,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,171,213,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,224,81,0,0,51,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,20,0,0,0,92,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,253,192,102,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,233,254,253,244,203,254,253,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,192,70,40,0,50,91,213,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,183,20,0,0,0,0,0,0,21,203,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,0,0,0,0,0,0,0,0,0,20,213,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,82,0,0,0,0,0,0,0,0,0,0,62,163,0,0,0,0,0,0,0,0,0,0,0,0,21,254,233,0,0,0,0,0,0,0,0,0,0,0,102,203,0,0,0,0,0,0,0,0,0,0,0,21,203,253,70,0,0,0,0,0,0,0,0,0,0,0,102,214,10,0,0,0,0,0,0,0,0,11,92,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,102,102,62,102,0,82,123,203,213,252,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,223,255,253,254,253,254,253,254,253,224,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,151,253,171,151,151,50,50,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,253,137,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,252,252,135,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,137,0,0,0,57,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,176,244,252,192,67,227,252,252,208,207,207,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,200,11,0,17,107,252,253,252,136,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,75,0,15,108,233,253,242,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,210,12,36,219,252,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,86,222,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,253,252,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,253,157,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,253,255,232,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,219,252,252,210,253,252,227,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,222,252,252,153,6,131,227,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,238,253,235,128,9,0,0,29,154,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,243,60,0,0,0,0,0,38,232,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,106,0,0,0,11,87,138,222,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,106,47,47,78,161,203,253,252,252,235,102,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,190,253,252,252,252,252,253,208,100,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,252,253,252,252,218,160,98,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,168,252,252,137,137,54,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,212,248,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,254,254,233,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,254,254,220,254,219,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,131,12,254,255,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,189,3,2,172,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,254,217,81,0,0,73,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,218,254,244,78,0,0,0,73,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,248,118,0,0,0,0,73,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,254,106,0,0,0,0,0,140,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,251,254,218,5,0,0,0,0,10,250,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,61,0,0,0,0,0,16,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,218,14,0,0,0,0,0,135,254,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,254,60,0,0,0,0,0,41,251,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,251,9,0,0,0,0,3,125,254,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,168,0,0,0,0,0,78,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,81,0,0,0,0,23,208,254,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,74,0,0,0,78,222,254,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,224,57,31,99,250,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,235,254,249,239,254,254,253,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,227,254,254,254,163,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,179,255,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,222,234,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,252,214,25,38,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,190,0,0,23,29,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,115,19,169,234,252,207,94,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,214,15,204,252,252,252,253,252,171,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,177,3,253,252,127,28,28,128,252,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,168,0,254,184,0,0,0,0,198,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,93,0,253,84,0,0,0,13,209,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,253,84,0,0,0,57,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,106,0,91,146,0,0,0,157,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,168,0,0,0,0,13,204,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,224,169,57,57,95,206,253,214,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,253,252,252,252,168,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,153,252,253,252,164,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,125,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,245,201,72,36,135,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,202,254,254,254,254,218,167,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,76,228,254,254,254,223,253,217,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,254,141,250,254,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,29,65,147,185,252,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,17,130,213,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,215,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,253,254,240,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,254,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,254,254,249,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,107,251,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,208,254,255,254,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,90,203,254,254,254,254,254,237,158,46,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,237,254,254,254,254,254,254,254,228,248,251,217,107,122,14,0,0,0,0,0,0,0,0,0,0,0,12,199,254,254,254,254,254,254,254,254,254,254,254,254,254,254,174,12,0,0,0,0,0,0,0,0,0,0,5,183,254,254,254,252,210,254,254,218,236,254,254,254,236,153,60,5,0,0,0,0,0,0,0,0,0,0,0,37,191,135,86,128,77,135,135,100,73,126,135,122,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,192,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,245,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,200,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,249,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,255,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,178,253,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,214,56,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,19,29,29,79,22,0,0,0,0,0,0,0,0,0,0,141,252,168,0,0,0,0,0,0,0,0,51,120,225,252,252,253,208,38,0,0,0,0,0,0,0,0,0,141,252,196,10,0,0,0,0,0,19,172,246,253,252,252,252,253,252,234,22,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,51,176,231,252,252,190,139,103,28,103,252,252,28,0,0,0,0,0,0,0,0,129,253,253,28,0,7,117,241,254,247,187,113,0,0,0,0,92,253,206,13,0,0,0,0,0,0,0,0,22,234,252,128,7,150,252,252,184,65,0,0,0,0,0,26,166,252,142,0,0,0,0,0,0,0,0,0,0,169,252,252,66,252,252,77,0,0,0,0,0,0,0,200,253,233,37,0,0,0,0,0,0,0,0,0,0,69,252,252,178,165,127,3,0,0,0,0,0,26,200,249,241,109,0,0,0,0,0,0,0,0,0,0,0,26,210,253,255,153,29,4,0,0,0,26,154,253,253,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,253,252,252,178,169,169,169,243,253,252,233,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,216,252,252,252,253,252,252,252,206,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,139,240,253,252,252,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,83,210,245,160,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,160,135,106,213,222,251,253,253,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,225,254,254,254,254,254,254,254,254,210,66,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,254,238,185,109,83,86,57,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,249,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,238,254,254,137,101,80,123,53,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,205,254,254,254,254,254,254,254,236,123,32,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,245,208,154,147,254,254,242,229,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,129,245,195,42,15,0,8,157,234,228,228,251,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,35,0,0,0,0,0,0,23,15,15,47,199,140,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,194,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,119,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,74,193,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,101,212,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,148,193,167,254,201,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,218,182,254,253,253,238,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,12,4,21,56,199,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,143,247,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,43,15,0,107,107,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,238,211,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,232,135,66,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,218,170,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,69,192,254,240,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,244,255,201,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,203,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,165,241,177,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,253,232,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,91,240,244,154,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,147,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,145,229,255,237,186,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,164,251,253,253,254,253,253,203,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,157,240,254,253,253,244,171,137,213,162,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,189,253,253,254,202,119,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,254,254,228,127,9,0,0,162,237,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,215,15,0,0,0,0,161,253,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,254,232,42,0,0,0,3,91,237,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,254,139,0,0,0,51,174,253,254,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,56,0,0,95,245,254,254,236,248,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,254,182,147,230,254,253,248,106,17,146,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,154,254,253,253,253,254,181,58,0,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,152,253,253,185,103,6,0,0,0,138,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,234,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,255,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,248,193,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,250,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,231,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,138,220,255,191,40,0,14,79,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,219,242,202,119,254,227,15,203,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,244,196,50,11,7,71,152,106,247,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,116,0,0,0,0,0,180,224,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,232,12,0,0,0,0,98,163,254,254,232,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,194,191,0,0,0,0,23,226,201,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,235,15,0,0,15,211,254,228,248,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,226,254,173,42,69,164,254,197,14,216,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,237,254,254,254,254,232,64,16,235,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,99,122,95,109,7,0,99,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,251,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,249,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,193,254,253,254,253,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,203,203,243,253,252,253,252,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,253,254,253,142,41,0,0,0,62,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,253,212,20,0,0,0,21,162,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,213,142,20,0,0,11,132,214,253,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,10,0,0,62,183,213,252,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,233,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,252,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,213,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,252,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,254,253,254,131,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,232,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,255,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,21,102,233,252,253,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,91,113,152,255,253,255,213,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,253,252,233,70,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,93,175,214,195,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,247,225,144,168,249,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,21,0,0,0,90,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,47,0,0,0,16,255,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,231,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,187,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,230,245,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,242,70,0,0,0,0,0,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,109,0,0,0,23,81,163,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,191,4,0,89,171,231,249,136,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,251,245,245,254,218,146,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,154,194,154,56,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,192,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,191,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,200,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,228,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,230,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,224,254,254,97,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,247,195,248,254,213,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,224,253,144,0,128,183,196,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,182,6,0,45,8,103,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,254,99,0,0,0,0,12,223,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,13,224,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,65,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,69,0,0,61,117,196,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,236,136,151,248,254,253,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,140,253,253,253,253,254,253,212,142,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,224,244,157,0,91,236,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,206,0,0,0,27,192,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,253,87,0,0,0,0,107,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,210,9,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,137,0,0,0,0,0,115,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,241,30,0,0,0,0,41,201,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,158,0,0,0,0,2,181,250,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,102,181,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,238,251,166,136,212,254,234,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,177,96,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,193,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,59,0,0,2,108,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,254,254,59,0,0,112,254,230,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,183,15,0,0,201,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,249,52,0,0,0,201,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,254,244,0,0,0,0,201,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,254,244,0,0,0,0,201,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,143,0,0,0,0,201,254,254,48,2,45,35,61,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,112,0,0,0,0,201,254,216,18,98,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,27,0,0,0,0,201,254,242,114,225,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,223,254,220,35,22,22,76,154,251,254,254,254,254,254,146,9,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,254,254,254,254,254,254,254,248,167,15,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,254,254,254,254,254,254,254,254,190,69,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,119,124,227,227,167,109,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,244,220,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,28,0,0,0,0,0,116,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,251,77,0,0,0,0,32,232,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,231,0,0,0,0,0,134,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,18,239,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,239,62,0,0,0,0,84,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,206,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,250,66,0,0,0,39,162,251,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,185,0,6,64,152,253,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,229,211,215,252,252,191,226,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,254,253,250,185,62,25,227,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,125,132,58,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,217,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,215,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,187,242,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,253,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,255,253,171,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,218,253,242,126,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,236,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,187,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,249,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,227,253,22,0,0,0,67,67,67,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,108,210,254,253,253,231,138,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,32,157,251,253,218,121,121,180,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,215,253,236,102,0,0,0,47,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,253,253,253,90,0,0,0,35,223,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,232,34,0,2,89,222,252,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,236,122,45,168,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,204,253,253,253,254,253,189,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,143,191,143,66,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,133,76,162,220,133,133,24,13,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,198,253,253,253,253,253,253,253,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,227,217,234,217,107,96,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,72,0,41,0,0,0,0,5,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,72,0,0,53,61,119,183,188,209,101,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,72,56,79,245,253,253,254,253,253,253,239,46,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,161,242,231,253,253,213,169,111,168,225,253,182,16,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,253,253,253,170,105,19,0,0,0,66,253,253,151,0,0,0,0,0,0,0,0,0,0,0,12,243,253,253,227,52,24,4,0,0,0,0,0,28,113,195,246,142,0,0,0,0,0,0,0,0,0,0,1,23,132,190,43,0,0,0,0,0,0,0,0,0,61,253,253,249,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,246,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,227,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,253,110,0,0,0,0,0,0,0,0,0,0,0,0,116,86,20,0,0,0,0,0,0,0,17,115,242,253,221,16,0,0,0,0,0,0,0,0,0,0,0,0,66,253,226,177,98,98,51,47,10,172,225,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,5,53,144,233,253,253,242,242,232,253,253,253,253,125,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,122,132,196,253,160,116,166,40,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,128,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,191,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,179,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,240,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,228,252,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,145,0,0,126,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,196,0,0,114,238,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,214,178,225,253,252,252,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,220,133,199,252,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,252,252,217,37,0,28,121,252,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,220,37,0,0,0,57,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,196,0,0,0,38,222,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,214,28,48,147,234,252,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,246,252,215,227,253,252,239,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,246,252,252,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,205,252,112,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,166,255,229,166,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,221,253,254,185,152,176,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,251,161,48,1,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,203,249,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,226,0,0,0,0,0,7,87,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,160,0,0,0,0,0,134,253,242,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,106,0,0,0,0,147,248,253,188,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,52,0,0,0,145,250,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,136,6,82,227,255,153,243,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,202,252,245,253,253,127,23,241,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,174,191,128,44,0,142,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,251,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,199,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,231,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,208,125,161,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,11,125,211,254,154,251,240,111,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,165,165,195,204,231,219,254,213,209,162,247,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,254,254,243,193,50,35,64,108,249,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,213,103,33,0,0,0,139,247,231,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,125,125,85,17,0,0,0,0,105,207,215,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,254,254,162,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,177,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,216,254,114,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,251,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,254,254,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,255,190,146,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,151,145,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,189,143,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,117,231,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,208,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,234,152,152,152,113,152,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,253,252,253,252,253,212,142,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,122,173,213,123,203,255,253,255,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,10,0,0,50,50,71,192,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,255,254,254,254,216,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,251,233,251,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,253,235,86,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,180,253,253,157,0,13,237,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,157,8,183,253,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,254,99,103,254,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,253,253,253,192,247,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,253,222,177,253,254,253,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,253,253,245,253,254,167,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,200,253,253,253,231,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,254,255,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,250,233,246,253,241,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,253,183,0,71,241,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,209,253,180,9,0,0,162,253,235,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,100,0,0,0,80,253,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,174,0,0,0,14,224,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,16,186,253,247,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,172,79,130,235,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,253,253,253,253,229,124,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,162,253,162,155,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,255,254,254,254,254,254,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,253,253,253,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,236,241,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,67,47,231,253,253,146,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,168,253,240,60,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,236,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,82,242,220,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,233,16,0,0,0,0,0,0,35,196,202,110,33,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,109,0,0,0,0,0,0,118,251,253,253,253,223,81,0,0,0,0,0,0,0,0,0,0,0,0,201,253,20,0,0,0,0,0,112,252,253,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,50,249,253,20,0,0,0,0,28,230,248,186,76,119,172,253,249,50,0,0,0,0,0,0,0,0,0,0,94,253,253,20,0,0,0,2,156,253,137,0,0,0,21,253,253,93,0,0,0,0,0,0,0,0,0,0,48,249,253,177,47,0,0,6,253,253,109,0,20,53,178,253,236,10,0,0,0,0,0,0,0,0,0,0,0,174,253,253,230,123,68,72,253,253,206,171,249,253,253,180,46,0,0,0,0,0,0,0,0,0,0,0,0,50,251,253,253,253,253,253,253,253,253,253,252,243,192,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,226,253,253,253,253,253,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,149,149,175,209,149,149,209,217,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,66,126,184,189,154,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,196,253,254,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,173,253,253,253,251,220,244,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,253,253,237,91,30,10,136,253,134,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,254,253,198,22,0,0,0,128,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,255,197,15,0,0,0,27,239,254,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,254,87,22,32,57,117,218,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,254,253,238,253,253,254,253,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,180,254,253,253,253,253,230,179,137,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,21,105,173,105,70,10,0,73,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,207,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,195,254,250,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,238,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,82,144,221,254,148,72,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,254,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,254,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,107,122,92,116,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,220,253,217,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,89,247,253,175,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,253,210,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,121,159,245,255,253,253,181,78,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,253,253,253,254,253,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,254,254,254,222,192,111,111,111,111,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,145,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,223,252,144,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,196,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,235,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,163,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,248,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,241,246,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,226,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,199,233,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,172,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,79,206,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,46,75,117,201,254,254,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,255,255,254,255,255,207,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,254,222,118,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,237,114,51,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,212,254,254,170,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,222,254,253,236,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,245,253,214,88,29,113,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,219,25,0,0,0,220,240,109,93,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,247,84,0,0,0,60,254,254,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,145,0,0,0,30,214,254,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,129,0,0,22,212,253,254,253,253,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,253,46,0,0,147,253,253,254,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,207,0,26,153,254,254,254,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,232,72,180,254,253,253,253,237,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,245,253,253,253,254,253,251,162,86,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,245,253,253,254,236,113,0,70,253,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,93,68,0,0,0,162,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,231,59,0,0,0,0,0,59,186,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,111,0,0,0,0,0,201,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,225,18,0,0,0,0,31,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,253,161,0,0,0,0,0,150,254,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,41,0,0,0,0,16,217,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,254,183,8,0,0,0,0,100,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,236,12,0,0,0,0,37,228,253,226,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,254,135,0,0,0,0,0,79,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,199,3,0,0,0,0,0,94,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,253,157,83,98,98,98,0,0,175,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,255,254,254,254,254,194,127,254,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,251,245,234,150,135,173,211,254,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,48,0,0,0,0,0,78,226,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,239,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,193,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,125,254,254,236,101,101,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,135,220,253,228,207,241,253,253,248,200,200,98,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,141,49,0,185,253,253,253,253,253,253,204,112,0,0,0,0,0,0,0,0,0,0,0,0,37,220,253,107,2,0,0,24,81,54,225,253,171,222,253,251,145,0,0,0,0,0,0,0,0,0,0,0,125,253,231,6,0,0,0,0,0,0,136,61,7,50,232,253,251,128,7,0,0,0,0,0,0,0,0,0,254,253,107,0,0,0,0,0,0,0,0,0,0,0,53,148,253,253,45,0,0,0,0,0,0,0,0,0,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,4,167,253,97,0,0,0,0,0,0,0,0,0,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,238,73,0,0,0,0,0,0,0,0,255,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,179,0,0,0,0,0,0,0,0,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,253,0,0,0,0,0,0,0,0,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,253,253,0,0,0,0,0,0,0,0,179,253,178,4,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,253,0,0,0,0,0,0,0,0,101,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,117,0,0,0,0,0,0,0,0,34,208,253,160,0,0,0,0,0,0,0,0,0,0,0,0,8,253,217,33,0,0,0,0,0,0,0,0,0,47,253,203,28,0,0,0,0,0,0,0,0,0,0,0,79,253,199,0,0,0,0,0,0,0,0,0,0,36,227,253,201,28,0,0,0,0,0,0,0,0,0,53,184,253,68,0,0,0,0,0,0,0,0,0,0,0,53,244,253,203,111,3,0,0,0,0,0,1,79,240,253,179,17,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,253,147,109,109,33,53,43,118,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,129,250,253,253,253,222,230,226,253,228,161,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,99,99,240,253,253,253,149,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,86,141,198,170,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,170,86,0,57,114,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,29,0,0,0,0,0,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,57,141,226,226,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,255,255,198,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,114,29,0,0,170,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,141,0,0,0,0,29,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,57,0,0,0,57,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,114,0,0,29,170,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,114,0,114,226,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,255,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,198,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,255,163,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,115,253,253,250,176,0,0,0,0,60,86,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,168,253,253,240,117,0,0,0,0,53,240,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,3,114,253,253,224,31,0,0,0,0,0,94,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,128,0,0,0,0,0,0,37,235,253,141,0,0,0,0,0,0,0,0,0,0,0,0,31,215,253,253,207,29,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,9,216,253,248,130,30,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,98,253,248,119,0,0,0,0,0,0,0,0,0,0,223,253,163,3,0,0,0,0,0,0,0,0,0,0,136,253,246,180,180,180,96,56,56,56,13,0,0,0,223,253,174,4,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,253,253,253,201,146,41,0,223,253,112,0,0,0,0,0,0,0,0,0,0,0,3,131,185,185,185,197,253,253,253,253,253,253,232,131,246,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,55,55,86,179,201,253,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,89,200,253,253,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,241,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,209,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,194,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,236,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,204,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,210,83,127,215,233,232,232,161,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,210,189,190,189,189,231,217,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,190,14,0,0,0,0,55,235,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,254,253,188,0,0,0,0,0,0,150,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,63,205,238,64,0,0,0,0,0,141,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,126,45,51,233,247,144,22,15,11,48,232,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,231,252,253,224,211,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,129,165,252,252,226,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,180,0,0,0,0,0,0,0,0,0,4,9,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,221,28,0,0,0,0,0,0,0,35,175,216,145,14,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,48,0,0,0,0,0,0,0,135,252,252,252,23,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,71,0,0,0,0,0,0,10,194,252,252,234,19,0,0,0,0,0,0,0,0,0,0,0,123,252,252,252,167,0,0,0,0,0,0,49,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,19,230,252,252,252,133,0,0,0,0,0,0,84,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,25,252,252,252,252,48,0,0,0,0,0,13,197,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,25,252,252,252,224,30,0,0,0,0,0,37,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,25,252,252,252,211,21,0,0,0,0,0,89,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,82,252,252,252,252,48,0,0,0,64,190,248,252,252,252,212,19,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,155,132,132,248,255,253,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,11,125,233,252,252,252,252,252,252,253,252,252,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,125,226,252,238,216,216,96,111,252,252,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,84,52,0,0,0,48,252,252,252,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,252,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,165,252,234,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,244,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,139,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,128,170,254,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,183,253,253,253,253,235,85,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,253,253,253,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,251,167,50,133,133,230,253,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,149,70,0,0,0,0,66,226,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,249,247,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,114,74,12,115,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,178,253,253,234,208,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,253,254,253,198,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,253,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,245,253,253,240,240,253,242,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,252,76,39,155,254,233,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,29,0,0,31,219,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,224,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,122,206,254,255,224,140,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,254,254,254,254,191,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,32,17,17,81,135,233,254,244,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,175,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,192,254,254,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,254,254,254,132,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,254,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,148,228,254,254,236,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,63,219,254,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,231,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,251,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,45,201,254,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,235,127,42,18,203,254,249,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,231,254,254,254,254,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,151,254,223,197,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,202,255,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,251,253,251,251,205,144,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,251,251,251,243,217,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,251,251,221,142,236,251,251,253,251,230,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,51,0,61,71,71,253,251,251,220,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,228,253,201,0,0,0,0,0,53,77,166,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,71,0,0,0,0,0,0,0,37,251,251,222,62,0,0,0,0,0,0,0,0,0,0,0,63,236,251,251,71,0,0,0,0,0,0,0,31,230,251,253,231,30,0,0,0,0,0,0,0,0,0,0,42,205,251,251,71,0,0,0,0,0,0,0,0,109,251,253,251,35,0,0,0,0,0,0,0,0,0,0,53,221,251,251,71,0,0,0,0,0,0,0,0,31,200,253,251,164,0,0,0,0,0,0,0,0,0,0,0,145,253,253,72,0,0,0,0,0,0,0,0,0,0,255,253,216,0,0,0,0,0,0,0,0,0,0,0,144,251,251,71,0,0,0,0,0,0,0,0,0,0,253,251,215,0,0,0,0,0,0,0,0,0,0,0,124,246,251,226,27,0,0,0,0,0,0,0,0,0,253,251,220,21,0,0,0,0,0,0,0,0,0,0,0,138,251,251,212,47,0,0,0,0,0,0,0,0,253,251,235,82,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,210,25,0,0,0,0,0,0,130,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,27,212,253,255,253,253,175,73,0,0,63,73,202,255,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,251,251,251,145,144,236,251,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,15,164,253,251,251,251,251,253,251,251,251,251,164,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,142,236,251,251,253,251,157,142,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,71,71,124,147,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,96,96,96,155,233,96,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,32,158,251,251,251,253,251,251,236,190,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,251,251,251,251,253,251,251,251,251,206,32,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,251,253,251,251,196,188,189,196,251,251,251,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,251,251,31,0,0,12,94,133,251,253,240,79,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,253,253,31,0,0,0,0,40,218,255,253,126,0,0,0,0,0,0,0,0,0,0,0,24,221,251,251,253,247,140,8,0,0,0,0,0,138,253,251,141,4,0,0,0,0,0,0,0,0,0,0,112,251,251,251,253,220,0,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,180,0,0,0,0,0,0,0,0,114,251,251,31,0,0,0,0,0,0,0,0,0,0,190,251,251,152,95,23,0,0,0,0,0,0,0,0,96,251,251,31,0,0,0,0,0,0,0,0,0,0,191,253,253,95,0,0,0,0,0,0,0,0,0,0,96,253,253,31,0,0,0,0,0,0,0,0,0,0,190,251,251,94,0,0,0,0,0,0,0,0,0,0,96,251,251,31,0,0,0,0,0,0,0,0,0,0,190,251,251,94,0,0,0,0,0,0,0,0,0,0,174,251,251,31,0,0,0,0,0,0,0,0,0,0,190,251,251,133,0,0,0,0,0,0,0,0,0,40,253,251,251,31,0,0,0,0,0,0,0,0,0,0,190,251,251,251,100,0,0,0,0,0,0,0,40,217,253,251,251,31,0,0,0,0,0,0,0,0,0,0,131,253,253,253,255,63,0,0,0,0,0,48,134,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,8,157,251,251,253,205,111,32,32,32,52,221,251,251,253,207,31,0,0,0,0,0,0,0,0,0,0,0,0,63,236,251,253,251,251,251,251,253,251,251,251,251,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,169,253,251,251,251,251,253,251,251,235,89,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,95,212,251,251,251,253,231,94,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,105,148,148,193,148,131,43,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,156,243,254,253,253,253,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,254,253,234,246,253,254,253,234,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,247,253,253,190,111,7,57,84,103,238,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,227,59,0,0,0,0,0,18,217,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,251,173,0,0,0,0,0,0,123,254,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,56,0,0,0,0,0,81,254,253,202,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,180,254,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,226,253,254,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,224,253,253,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,228,253,253,170,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,255,253,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,191,253,254,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,192,45,0,0,0,0,0,0,22,43,87,149,148,139,15,0,0,0,0,0,0,0,0,0,0,0,233,253,183,86,86,50,86,86,104,191,222,253,253,254,253,253,84,0,0,0,0,0,0,0,0,0,0,0,224,253,253,254,253,245,253,253,254,253,253,253,253,254,246,170,7,0,0,0,0,0,0,0,0,0,0,0,43,197,253,254,253,253,253,253,254,253,253,211,190,173,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,86,148,147,192,147,147,130,42,42,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,232,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,102,0,0,0,0,0,0,0,82,87,87,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,102,0,0,0,0,76,233,233,252,253,253,251,233,142,10,0,0,0,0,0,0,0,0,0,0,0,184,253,102,0,0,0,79,246,253,253,253,253,253,253,253,253,142,16,0,0,0,0,0,0,0,0,0,0,145,253,102,0,4,159,241,253,194,76,54,79,161,210,253,253,253,115,0,0,0,0,0,0,0,0,0,0,76,253,157,0,21,253,246,33,6,0,0,0,0,20,203,253,253,183,0,0,0,0,0,0,0,0,0,0,26,233,239,68,144,253,96,0,0,0,0,0,0,0,22,200,253,183,0,0,0,0,0,0,0,0,0,0,0,180,253,238,249,253,59,0,0,0,0,0,0,0,0,144,253,183,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,126,14,0,0,0,0,0,0,0,211,253,171,0,0,0,0,0,0,0,0,0,0,0,5,181,253,253,253,253,129,0,0,0,0,0,7,139,240,245,56,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,179,104,104,51,0,0,116,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,1,74,250,253,253,253,253,253,251,249,249,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,227,253,253,253,253,253,253,253,253,205,139,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,74,100,145,231,207,228,145,133,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,255,159,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,224,94,0,0,0,0,0,0,0,0,0,19,123,197,185,66,0,0,0,0,0,0,0,0,0,0,179,252,243,25,0,0,0,0,0,0,0,0,26,231,252,252,253,246,50,0,0,0,0,0,0,0,0,0,254,253,206,13,0,0,0,0,0,0,0,126,254,253,253,253,254,253,216,28,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,132,243,253,252,252,252,253,252,252,139,0,0,0,0,0,0,0,0,253,252,234,59,0,0,0,0,0,19,215,252,253,196,118,168,253,252,252,103,0,0,0,0,0,0,0,0,253,252,252,190,0,0,0,0,26,231,252,252,178,9,126,225,253,252,164,15,0,0,0,0,0,0,0,0,129,253,253,253,129,29,29,16,104,253,253,253,254,253,253,253,254,253,56,0,0,0,0,0,0,0,0,0,29,252,252,252,253,252,252,215,253,252,252,252,253,252,252,252,197,171,19,0,0,0,0,0,0,0,0,0,7,130,234,252,253,252,252,252,253,252,252,252,216,196,168,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,203,252,252,252,253,177,103,78,16,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,43,63,63,153,255,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,37,126,179,233,243,254,254,245,174,128,104,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,223,254,254,254,254,226,162,123,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,254,254,204,82,4,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,254,254,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,240,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,254,158,0,0,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,229,24,0,37,193,211,227,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,201,7,149,250,254,254,254,247,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,194,189,254,226,128,45,145,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,218,254,254,252,208,26,0,0,139,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,176,0,0,0,0,139,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,188,4,0,0,0,43,238,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,214,25,0,0,0,1,156,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,25,0,0,0,0,142,254,241,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,249,227,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,2,0,0,0,2,49,186,254,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,92,0,0,23,142,254,254,215,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,243,167,211,235,254,238,152,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,228,254,254,254,141,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,151,181,203,67,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,254,254,245,199,253,134,95,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,255,254,254,254,254,254,249,166,171,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,67,67,67,117,128,171,188,254,254,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,20,20,135,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,4,109,146,252,254,218,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,214,254,254,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,254,254,254,224,105,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,172,129,109,133,224,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,214,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,247,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,193,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,57,191,120,0,0,17,162,157,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,173,254,244,108,0,6,162,252,251,108,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,239,36,0,0,0,75,57,93,237,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,96,0,0,0,0,0,0,0,213,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,194,5,0,0,0,0,0,0,0,213,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,244,66,0,0,0,0,0,0,0,0,187,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,232,159,0,0,0,0,0,0,0,0,0,213,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,123,0,0,0,0,0,0,0,0,0,213,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,242,34,0,0,0,0,0,0,0,0,12,225,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,226,14,0,0,0,0,0,0,0,0,68,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,213,0,0,0,0,0,0,0,0,0,127,255,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,213,0,0,0,0,0,0,0,0,19,224,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,213,0,0,0,0,0,0,0,0,176,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,213,0,0,0,0,0,0,0,33,223,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,213,0,0,0,0,0,0,67,241,254,220,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,221,8,0,0,0,0,93,242,254,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,243,86,0,0,17,111,244,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,241,185,169,237,254,254,228,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,178,254,254,254,254,175,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,98,171,198,119,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,170,254,254,136,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,245,244,211,253,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,161,253,188,38,5,113,254,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,219,25,0,0,0,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,161,0,0,0,0,136,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,111,0,0,0,0,32,241,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,69,0,0,0,0,0,230,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,69,0,0,0,0,26,239,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,95,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,211,0,0,0,0,212,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,253,119,0,3,125,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,235,50,57,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,235,254,237,237,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,253,253,177,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,225,74,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,185,152,253,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,56,0,0,255,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,56,47,172,254,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,244,245,253,138,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,253,177,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,192,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,170,254,231,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,235,254,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,212,254,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,239,254,254,225,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,176,254,254,251,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,239,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,128,254,254,231,0,0,19,60,113,118,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,253,106,0,83,214,254,254,254,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,204,0,16,207,254,255,254,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,129,11,136,254,254,254,254,202,254,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,129,135,254,254,254,200,16,64,200,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,254,129,24,254,255,209,17,0,2,161,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,152,24,254,254,155,0,0,90,254,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,247,253,135,254,254,59,0,60,218,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,214,103,239,254,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,254,254,254,254,197,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,76,146,254,254,254,210,135,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,55,0,0,0,0,0,0,0,142,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,236,119,0,0,0,0,0,0,151,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,118,0,0,0,0,0,0,184,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,68,0,0,0,0,0,7,204,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,202,0,0,0,0,0,0,108,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,251,79,0,0,0,0,0,0,191,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,247,162,0,0,0,0,0,0,68,240,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,241,67,0,0,0,0,0,0,198,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,189,254,147,55,138,172,138,63,30,38,243,181,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,253,253,239,251,253,236,221,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,253,254,168,119,69,25,63,111,228,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,228,34,0,0,0,0,0,7,204,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,5,99,40,0,0,0,0,0,0,40,253,216,81,190,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,55,55,99,113,110,55,23,18,20,55,47,88,113,167,151,189,120,15,7,0,0,0,0,0,0,0,0,156,146,246,246,253,254,254,254,239,247,250,226,254,254,252,246,231,236,231,144,0,0,0,0,0,0,0,0,0,0,0,0,64,80,80,80,80,128,90,34,80,80,59,0,14,222,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,195,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,106,247,254,239,103,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,172,254,255,217,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,242,254,254,207,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,149,254,220,92,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,155,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,227,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,178,240,253,252,199,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,240,252,252,253,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,228,252,249,223,84,218,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,145,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,228,47,0,0,0,135,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,253,223,52,0,0,0,123,231,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,167,0,7,57,198,246,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,177,138,178,252,253,252,236,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,252,252,253,204,81,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,253,253,253,253,79,0,26,207,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,167,214,151,27,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,0,0,0,0,57,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,162,0,4,39,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,216,77,73,254,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,65,129,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,180,7,0,188,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,213,214,14,0,0,99,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,99,0,0,0,52,250,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,171,0,0,0,0,0,224,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,129,0,0,0,0,0,136,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,205,249,29,0,0,0,0,0,37,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,98,0,0,0,0,0,0,28,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,237,38,0,0,0,0,0,0,114,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,150,0,0,0,0,0,0,51,243,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,247,33,0,0,0,0,0,0,124,248,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,244,0,0,0,0,0,0,137,245,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,150,0,0,0,0,0,12,214,213,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,169,0,0,0,0,0,125,255,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,89,0,0,0,23,189,243,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,149,7,117,195,251,243,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,206,251,194,254,254,209,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,234,146,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,163,163,196,215,254,254,254,255,234,241,182,99,131,70,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,254,253,245,198,218,254,253,253,253,253,254,223,21,0,0,0,0,0,0,0,0,0,0,0,0,64,127,127,101,36,31,0,13,36,36,36,75,127,241,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,238,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,223,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,248,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,228,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,187,254,254,216,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,221,253,253,253,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,254,253,214,48,137,253,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,222,244,155,10,7,0,3,201,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,95,0,0,0,0,0,199,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,136,45,0,0,0,0,20,218,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,226,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,154,252,229,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,221,254,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,67,163,255,253,253,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,253,253,241,180,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,149,121,9,3,154,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,202,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,253,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,45,45,45,113,155,155,211,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,251,253,253,253,253,253,253,210,147,66,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,148,205,253,253,234,143,95,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,212,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,0,0,0,0,0,118,252,231,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,194,128,0,0,0,0,0,231,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,208,20,0,0,0,0,134,251,243,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,34,0,0,0,0,38,233,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,29,0,0,0,0,89,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,121,2,0,0,38,232,253,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,243,253,123,27,0,142,253,253,167,121,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,253,221,195,236,253,253,253,172,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,156,253,253,253,224,158,51,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,168,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,243,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,244,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,245,130,116,25,130,107,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,248,253,253,253,253,253,253,253,225,136,101,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,235,246,253,251,235,247,253,253,253,253,125,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,105,90,0,72,105,195,235,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,203,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,198,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,84,234,253,237,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,160,253,253,236,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,233,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,204,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,236,253,253,168,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,193,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,253,253,170,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,240,253,253,190,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,194,253,253,253,93,52,0,0,0,0,0,86,106,106,106,106,106,163,5,0,0,0,0,0,0,0,0,0,21,253,253,253,242,244,236,236,205,206,236,250,253,253,253,253,253,143,1,0,0,0,0,0,0,0,0,0,7,202,253,253,253,253,253,253,253,253,253,253,253,253,253,95,12,6,0,0,0,0,0,0,0,0,0,0,0,12,141,253,253,253,229,217,253,253,253,214,129,84,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,215,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,231,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,171,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,200,81,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,96,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,243,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,145,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,250,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,161,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,238,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,97,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,228,168,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,253,255,253,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,251,253,251,0,0,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,254,196,169,168,169,56,141,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,196,28,0,0,0,114,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,0,0,0,0,85,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,138,0,0,0,0,197,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,0,0,29,197,254,253,226,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,0,114,197,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,138,139,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,84,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,196,197,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,118,188,254,254,255,228,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,127,247,253,253,253,253,253,253,251,155,50,0,0,0,16,37,0,0,0,0,0,0,0,0,0,0,29,203,253,243,177,107,40,40,40,67,177,179,129,0,66,184,220,211,0,0,0,0,0,0,0,0,0,0,201,253,241,97,0,0,0,0,0,0,0,2,31,53,227,253,253,128,0,0,0,0,0,0,0,0,0,0,234,253,198,0,0,0,0,0,0,0,0,20,102,249,253,192,82,31,0,0,0,0,0,0,0,0,0,0,226,253,201,5,0,0,0,0,0,0,24,209,253,253,122,22,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,152,0,0,0,0,0,25,210,253,253,200,17,0,0,0,0,0,0,0,0,0,0,0,0,0,3,214,253,252,100,0,0,0,30,212,253,250,76,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,232,253,230,44,39,138,234,253,228,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,229,227,253,234,84,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,184,253,253,253,253,253,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,253,253,242,109,246,253,253,147,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,236,53,0,57,173,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,231,55,0,0,0,54,234,253,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,198,0,0,0,0,0,65,231,253,234,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,204,253,241,107,25,0,0,0,0,66,232,253,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,202,253,253,209,109,42,42,79,179,227,253,233,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,126,235,253,253,253,253,253,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,253,253,253,253,253,163,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,255,115,0,0,0,0,22,0,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,253,157,4,70,149,133,227,209,244,209,156,75,85,53,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,135,198,253,253,215,199,206,172,205,253,230,171,89,0,0,0,0,0,0,0,0,0,0,0,10,212,253,247,239,254,253,253,146,20,43,18,25,74,22,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,245,80,129,178,139,177,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,214,245,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,214,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,238,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,159,119,149,149,56,50,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,253,253,253,253,253,253,253,253,214,204,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,232,254,236,154,193,193,194,193,154,208,253,228,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,39,28,0,0,0,0,0,0,10,91,249,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,74,0,0,0,0,0,0,0,0,0,0,0,0,10,0,0,0,0,0,0,0,0,0,0,0,18,211,231,38,0,0,0,0,0,0,0,0,0,0,0,0,170,0,0,0,0,0,0,0,0,0,0,75,213,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,172,108,0,0,0,0,0,34,112,154,234,246,186,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,219,251,189,142,120,189,189,250,254,253,253,232,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,191,238,254,254,253,254,211,243,207,70,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,115,115,153,82,3,42,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,89,156,156,217,208,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,76,253,253,253,254,253,241,199,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,253,253,254,253,253,253,193,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,127,253,253,231,101,79,164,253,253,253,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,253,222,34,0,0,20,253,253,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,255,234,0,0,0,0,16,236,254,254,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,226,88,0,0,0,0,17,211,253,253,254,227,36,0,0,0,0,0,0,0,0,0,0,0,0,25,240,253,195,0,0,0,0,0,147,253,253,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,195,0,0,7,24,159,250,253,253,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,18,238,253,218,23,98,197,230,254,253,253,253,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,255,254,254,254,254,255,254,235,83,240,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,36,173,254,253,253,253,253,219,91,27,19,222,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,210,137,30,0,0,40,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,19,9,0,0,0,0,40,253,254,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,155,193,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,133,133,133,162,162,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,94,253,253,253,253,253,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,198,254,253,253,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,254,225,129,84,113,242,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,253,246,31,0,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,245,253,253,116,0,0,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,155,0,0,0,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,211,24,0,0,0,0,0,194,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,25,0,0,0,0,0,56,248,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,254,251,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,42,3,0,0,3,116,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,157,235,253,166,157,37,116,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,253,253,253,253,253,254,253,253,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,253,253,253,253,253,253,254,253,253,253,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,253,253,253,253,254,253,253,253,253,173,49,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,253,254,253,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,253,157,165,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,154,87,0,3,41,165,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,25,155,253,160,132,86,1,0,0,0,0,3,40,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,148,15,0,12,47,47,10,0,0,0,0,4,47,26,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,214,197,211,253,253,209,197,87,0,29,192,253,139,0,0,0,0,0,0,0,0,0,0,0,0,17,114,166,217,217,226,239,253,253,253,250,244,247,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,40,67,108,252,253,253,253,247,101,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,253,240,153,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,186,253,192,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,229,253,185,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,63,89,204,253,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,213,239,253,253,253,253,238,153,110,110,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,98,58,171,253,253,253,253,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,209,51,134,211,253,241,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,144,0,0,3,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,228,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,235,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,181,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,237,179,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,119,233,254,254,227,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,254,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,214,253,200,105,74,105,248,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,247,48,0,0,0,227,225,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,151,0,0,0,0,82,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,248,60,0,0,0,0,12,166,207,141,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,218,0,0,0,0,0,0,119,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,244,76,0,0,0,0,5,156,253,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,213,57,0,0,0,136,253,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,253,220,109,0,85,250,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,238,254,254,223,255,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,254,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,205,253,254,224,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,204,114,248,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,251,136,14,246,223,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,129,0,91,253,244,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,253,70,49,236,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,249,253,209,234,254,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,221,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,150,253,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,180,253,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,178,252,252,210,207,236,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,222,252,233,89,6,0,118,183,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,120,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,238,63,0,0,0,0,0,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,181,253,222,97,24,139,212,253,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,252,253,244,174,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,202,252,252,184,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,252,252,249,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,252,168,75,253,248,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,98,0,74,245,222,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,45,0,0,80,240,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,202,13,0,0,0,101,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,214,33,0,0,0,0,13,173,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,227,32,0,0,0,0,0,51,242,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,86,5,0,0,0,0,0,231,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,214,252,177,109,22,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,152,240,252,206,70,51,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,244,253,252,240,207,248,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,86,137,221,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,62,162,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,141,0,61,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,91,0,0,21,203,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,102,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,0,0,0,21,255,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,172,0,0,0,142,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,132,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,203,142,253,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,254,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,253,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,130,131,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,82,203,162,41,0,21,203,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,243,202,81,0,0,0,0,102,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,203,20,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,233,70,20,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,62,214,253,41,0,0,0,0,0,0,0,52,233,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,0,0,0,0,0,0,0,82,233,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,255,253,234,152,153,152,214,253,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,91,112,151,112,192,253,171,131,50,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,172,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,253,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,183,20,0,0,0,0,31,51,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,223,253,171,0,0,0,0,62,183,233,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,253,254,131,31,92,153,233,244,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,252,253,172,233,252,253,171,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,253,254,253,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,213,252,192,111,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,232,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,25,42,145,171,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,37,152,209,253,253,253,253,253,253,193,9,0,0,0,0,0,0,0,0,0,0,17,112,170,169,169,169,242,253,253,254,225,187,84,96,225,253,133,0,0,0,0,0,0,0,0,0,0,0,7,184,253,253,253,253,253,253,195,130,31,0,0,61,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,38,60,146,180,140,60,60,3,0,0,0,0,61,253,188,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,133,133,134,133,133,214,254,220,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,254,253,253,253,253,200,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,96,96,160,147,194,253,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,222,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,181,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,202,230,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,146,240,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,230,254,254,252,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,240,254,254,105,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,203,254,254,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,254,254,30,0,0,9,17,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,199,8,0,83,210,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,128,6,162,243,254,254,254,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,104,231,254,254,187,154,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,171,254,242,109,42,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,215,165,248,77,0,0,102,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,205,41,65,0,0,24,214,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,239,69,0,0,0,158,255,254,208,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,203,53,23,189,252,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,242,254,252,251,254,254,254,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,238,254,254,254,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,199,254,215,100,121,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,156,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,228,245,253,244,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,238,253,253,253,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,253,253,228,194,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,253,143,36,68,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,61,222,254,145,7,0,68,253,221,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,63,253,253,235,11,0,0,68,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,168,49,0,0,0,68,253,249,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,253,252,114,0,0,0,0,75,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,169,0,0,0,0,0,201,225,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,228,0,0,0,0,0,39,227,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,158,11,0,0,0,0,40,153,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,233,50,0,0,0,0,0,143,253,228,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,157,0,0,0,0,0,133,249,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,66,0,0,4,68,202,251,253,232,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,222,253,78,26,68,191,253,254,253,233,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,211,211,253,253,253,255,215,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,249,253,253,253,253,252,226,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,244,226,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,225,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,193,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,240,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,233,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,153,198,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,167,53,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,233,197,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,252,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,200,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,56,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,240,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,233,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,108,224,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,126,233,254,254,254,240,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,159,229,254,211,108,35,133,251,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,103,186,240,254,244,116,20,0,5,164,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,244,201,41,0,0,0,45,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,128,116,40,0,0,0,0,4,162,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,174,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,226,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,62,41,0,63,241,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,155,228,228,239,254,245,229,244,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,238,254,238,254,254,254,254,255,254,254,247,219,177,123,41,0,0,0,0,0,0,0,0,0,0,0,185,254,167,120,44,44,58,175,254,254,207,131,179,249,254,254,251,207,93,0,0,0,0,0,0,0,0,103,252,186,32,0,0,21,151,254,214,113,20,0,0,61,139,212,254,254,244,0,0,0,0,0,0,0,0,216,212,31,0,0,116,224,236,203,67,0,0,0,0,0,0,7,67,145,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,139,250,198,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,170,222,241,253,251,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,117,220,254,225,149,63,246,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,206,175,65,9,0,107,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,249,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,244,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,233,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,240,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,243,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,236,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,252,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,252,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,246,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,252,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,123,254,254,218,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,156,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,253,253,253,253,253,253,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,218,253,248,228,167,236,253,253,253,212,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,182,0,0,29,137,248,253,253,113,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,220,253,203,27,0,0,0,0,211,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,80,0,0,0,0,0,115,247,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,18,222,253,223,25,0,0,0,0,0,0,132,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,122,0,0,0,0,0,0,0,94,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,244,65,0,0,0,0,0,0,0,94,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,216,0,0,0,0,0,0,0,0,127,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,179,0,0,0,0,0,0,0,26,228,253,222,13,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,93,0,0,0,0,0,0,0,187,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,93,0,0,0,0,0,26,127,246,253,219,16,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,137,0,0,0,0,71,140,253,253,219,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,216,0,0,71,129,246,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,250,230,230,246,253,253,253,253,123,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,253,253,253,253,253,253,124,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,147,253,253,253,253,253,253,163,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,82,129,150,168,129,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,198,170,141,86,86,170,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,255,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,170,170,170,170,141,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,0,0,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,114,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,255,114,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,170,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,198,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,114,226,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,63,63,107,128,63,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,114,160,222,250,254,254,254,254,254,253,222,169,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,199,163,163,163,163,163,215,254,254,254,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,6,0,0,0,0,0,3,4,70,243,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,10,122,134,3,0,0,0,0,0,0,0,0,200,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,242,254,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,137,252,254,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,51,178,254,254,237,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,254,254,254,254,242,241,114,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,143,143,185,250,254,254,254,229,169,86,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,134,209,254,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,83,189,254,254,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,229,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,179,121,0,0,0,0,0,0,0,18,212,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,236,89,3,0,3,5,5,71,220,254,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,254,215,164,214,254,254,254,254,254,246,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,254,254,254,254,254,254,254,254,241,195,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,93,158,158,158,158,158,95,62,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,120,191,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,67,188,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,207,252,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,249,252,252,247,230,77,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,104,253,252,252,214,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,252,253,252,136,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,144,252,252,233,103,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,185,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,247,252,161,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,252,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,253,253,253,253,253,255,253,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,252,253,252,252,236,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,252,216,125,153,154,222,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,243,238,143,121,52,0,0,0,7,106,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,181,252,88,0,0,0,0,0,0,0,171,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,245,57,0,0,0,0,0,12,118,243,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,250,250,80,0,6,31,37,58,187,252,248,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,188,154,201,252,174,240,253,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,252,252,252,252,195,66,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,244,252,252,252,204,170,95,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,161,220,178,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,251,159,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,134,219,57,94,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,236,37,0,0,171,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,239,60,0,0,0,98,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,175,253,129,0,0,0,0,79,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,224,39,0,0,0,0,0,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,196,229,39,0,0,0,0,0,0,244,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,230,253,205,0,0,0,0,0,0,0,244,202,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,249,85,0,0,0,0,0,0,0,244,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,0,0,0,0,51,249,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,171,0,0,0,0,0,0,0,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,47,0,0,0,0,0,0,0,139,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,85,0,0,0,0,0,0,44,231,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,134,0,0,0,0,24,75,226,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,178,0,0,0,23,204,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,249,141,141,148,250,253,253,246,137,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,253,253,253,253,253,208,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,166,253,253,161,37,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,101,101,101,101,171,254,255,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,159,200,216,253,253,253,253,253,253,253,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,81,247,253,253,253,253,253,253,253,253,253,248,107,107,42,0,0,0,0,0,0,0,0,0,0,0,0,95,250,253,253,253,253,253,253,253,191,160,29,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,239,253,253,248,214,167,61,135,79,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,250,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,182,253,253,253,253,251,159,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,234,253,253,232,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,233,123,48,138,253,253,242,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,22,79,56,0,0,22,176,246,253,242,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,246,253,190,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,217,253,130,38,0,0,0,0,0,0,0,0,0,0,0,0,0,171,169,72,0,0,0,0,0,0,0,2,131,253,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,107,0,0,0,0,0,0,0,24,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,231,43,0,0,0,0,0,19,173,253,253,202,21,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,253,220,45,8,4,8,8,176,253,253,251,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,164,253,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,134,219,253,253,253,253,253,253,253,227,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,99,183,253,253,253,206,99,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,222,255,254,254,254,203,101,49,138,146,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,253,253,253,253,253,226,248,253,227,200,191,47,7,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,253,253,253,253,253,253,253,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,3,128,160,160,137,91,160,160,160,160,169,253,253,253,253,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,39,152,253,253,253,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,253,253,143,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,244,85,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,162,253,253,253,253,197,131,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,176,244,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,180,253,253,251,112,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,129,159,253,253,225,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,130,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,156,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,0,0,0,0,0,0,0,0,0,109,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,238,136,62,62,62,62,62,62,100,216,232,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,253,253,253,253,253,253,253,253,253,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,224,253,253,253,253,253,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,227,253,253,253,238,199,199,199,194,111,166,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,99,99,99,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,41,142,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,224,142,123,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,171,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,112,0,0,0,0,0,0,0,0,0,0,51,152,193,233,173,92,82,0,0,0,0,0,0,0,0,0,253,70,0,0,0,0,0,0,0,0,21,183,233,252,253,252,253,252,243,40,0,0,0,0,0,0,0,0,152,112,0,0,0,0,0,0,51,132,254,253,173,213,142,20,62,162,255,151,0,0,0,0,0,0,0,0,152,151,0,0,0,0,0,123,253,252,253,130,10,10,0,0,21,203,253,192,0,0,0,0,0,0,0,0,51,213,0,0,0,21,173,253,244,122,41,0,0,0,11,51,173,253,203,61,0,0,0,0,0,0,0,0,31,192,123,0,0,142,253,252,81,0,0,0,21,142,213,252,213,171,20,0,0,0,0,0,0,0,0,0,0,0,214,172,92,132,234,71,21,41,113,152,173,172,113,131,21,61,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,252,253,252,142,243,253,252,213,91,71,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,203,203,123,203,183,61,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,138,138,76,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,178,252,252,252,253,214,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,252,233,183,183,253,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,193,64,0,0,211,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,238,252,180,8,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,230,230,0,0,0,0,0,139,253,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,255,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,47,13,0,230,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,174,253,252,202,184,246,253,135,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,224,252,253,252,252,252,252,253,252,219,207,103,85,0,0,0,0,0,0,0,0,0,0,0,0,11,189,246,252,200,201,252,252,252,252,253,252,252,252,252,251,230,230,230,178,0,0,0,0,0,0,0,0,34,253,253,150,0,97,253,247,230,126,116,189,230,230,241,255,249,230,188,63,0,0,0,0,0,0,0,0,159,252,252,135,151,253,244,98,0,0,0,0,0,0,42,92,75,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,184,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,135,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,22,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,139,174,253,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,201,252,252,252,252,239,132,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,119,241,253,252,252,252,190,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,243,189,176,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,185,249,252,208,35,0,215,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,154,62,25,183,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,122,21,0,114,252,252,169,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,40,48,171,253,252,233,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,252,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,252,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,131,253,253,253,236,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,169,37,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,252,171,7,0,200,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,253,252,21,0,0,148,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,137,4,0,0,236,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,124,255,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,167,0,78,155,242,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,245,252,250,188,251,252,252,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,252,252,252,226,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,209,252,155,147,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,170,176,233,254,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,174,73,43,109,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,0,0,70,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,0,0,122,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,0,8,210,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,0,47,237,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,1,156,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,174,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,201,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,245,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,231,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,178,158,130,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,204,253,253,253,255,204,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,253,253,223,241,254,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,207,253,252,163,36,9,196,253,253,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,170,0,0,0,72,253,253,253,172,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,94,0,0,0,8,155,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,253,250,21,0,0,0,0,6,65,244,253,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,145,0,0,0,0,0,0,0,66,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,55,0,0,0,0,0,0,0,6,188,253,251,74,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,55,0,0,0,0,0,0,0,0,118,253,253,195,0,0,0,0,0,0,0,0,0,0,0,67,254,254,184,0,0,0,0,0,0,0,0,0,25,224,255,210,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,0,199,253,209,0,0,0,0,0,0,0,0,0,0,0,67,253,253,179,0,0,0,0,0,0,0,0,0,0,199,253,246,55,0,0,0,0,0,0,0,0,0,0,32,231,253,227,29,0,0,0,0,0,0,0,0,0,199,253,230,32,0,0,0,0,0,0,0,0,0,0,0,138,253,253,55,0,0,0,0,0,0,0,0,0,199,253,185,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,172,8,0,0,0,0,0,0,0,83,242,250,65,0,0,0,0,0,0,0,0,0,0,0,0,9,186,253,253,176,10,0,0,0,0,0,79,246,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,253,253,236,155,107,93,122,155,250,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,247,253,253,253,254,253,253,253,253,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,100,225,205,254,253,210,133,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,197,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,232,215,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,226,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,12,163,131,182,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,242,101,0,0,0,0,0,0,154,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,108,0,0,0,0,0,32,245,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,108,0,0,0,0,0,43,253,253,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,108,0,0,0,0,0,159,253,253,254,214,11,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,255,109,0,0,0,0,16,228,254,254,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,89,0,0,0,0,55,253,253,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,217,9,0,0,0,0,68,253,253,253,217,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,181,0,0,0,0,0,151,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,148,0,0,0,0,0,235,253,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,254,92,0,0,0,0,73,254,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,39,0,0,0,20,209,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,46,21,82,166,230,217,244,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,219,230,246,238,112,71,196,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,149,253,254,253,104,74,0,0,177,253,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,39,0,0,0,0,236,254,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,174,253,253,253,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,253,253,253,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,162,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,85,86,197,198,85,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,255,253,255,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,253,255,253,255,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,138,84,83,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,253,254,196,0,0,0,0,0,0,29,28,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,83,0,0,0,0,169,168,141,28,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,254,253,198,28,29,85,85,85,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,253,251,253,196,197,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,254,253,254,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,251,253,251,253,251,253,251,253,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,254,253,254,253,254,253,198,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,253,138,28,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,254,253,254,253,254,253,226,168,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,196,83,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,253,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,253,239,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,112,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,175,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,251,254,254,210,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,240,100,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,202,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,19,0,0,0,0,0,0,66,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,110,0,0,0,0,0,0,10,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,140,0,0,0,0,0,0,10,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,64,0,0,0,0,0,0,10,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,47,0,0,0,0,0,0,10,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,250,207,2,0,0,0,0,0,0,10,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,126,0,0,0,0,0,0,0,10,253,247,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,112,0,0,0,0,0,25,95,134,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,149,66,66,66,77,159,255,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,240,253,253,253,253,253,253,216,166,92,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,74,149,149,149,139,56,0,0,10,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,165,120,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,200,155,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,201,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,185,43,0,0,0,0,0,99,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,169,254,59,0,0,0,0,0,101,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,246,49,0,0,0,0,0,207,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,205,0,0,0,0,0,20,222,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,205,0,0,0,0,0,65,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,236,75,25,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,226,196,156,189,235,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,26,197,238,246,254,254,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,92,177,205,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,243,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,192,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,18,4,0,0,0,0,0,0,0,8,251,242,48,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,254,64,0,0,0,0,0,0,0,45,252,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,29,237,254,226,45,0,0,0,0,0,0,0,250,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,147,0,0,0,0,0,0,0,250,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,147,0,0,0,0,0,0,0,208,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,147,0,0,0,0,0,0,0,131,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,147,0,0,0,0,0,0,0,245,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,21,218,254,254,136,0,0,0,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,240,24,0,0,0,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,165,0,30,60,60,116,96,178,178,253,255,240,93,60,9,0,0,0,0,0,0,0,0,0,0,154,254,254,234,196,225,254,254,254,254,254,254,254,254,254,254,254,127,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,254,255,254,255,254,254,254,254,254,254,153,0,0,0,0,0,0,0,0,0,0,154,254,254,254,154,87,130,98,141,50,23,76,252,254,254,87,23,14,0,0,0,0,0,0,0,0,0,0,3,61,5,5,1,0,0,0,0,0,0,53,252,254,208,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,205,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,105,192,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,222,0,0,0,0,0,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,222,0,0,0,0,93,240,223,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,157,252,243,84,0,0,0,210,252,252,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,252,118,0,0,0,253,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,118,0,0,0,113,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,221,140,45,19,105,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,252,191,192,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,204,253,253,253,255,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,97,192,192,253,252,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,127,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,225,252,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,250,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,146,103,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,192,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,147,247,253,238,164,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,254,156,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,84,194,146,241,254,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,242,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,231,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,250,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,221,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,196,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,223,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,235,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,246,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,214,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,247,146,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,250,170,173,251,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,232,23,169,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,251,207,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,224,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,237,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,169,172,178,210,203,120,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,239,254,254,250,236,236,236,249,215,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,105,55,0,0,0,86,252,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,4,0,0,0,0,0,141,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,213,254,59,0,0,0,0,0,31,249,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,94,0,0,0,0,0,46,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,181,3,0,0,0,0,127,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,254,106,23,0,12,94,238,247,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,254,243,192,218,254,249,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,158,211,254,254,187,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,213,118,54,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,146,238,253,190,245,167,234,185,45,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,40,19,52,253,160,115,151,246,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,61,35,0,54,208,232,133,192,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,236,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,222,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,232,237,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,218,188,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,206,205,58,182,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,203,233,205,4,140,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,205,137,4,129,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,243,253,253,225,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,237,253,253,253,237,60,0,0,0,0,45,14,32,0,0,0,0,0,0,0,0,0,0,0,0,0,61,202,253,253,253,253,243,199,86,31,193,199,229,198,180,0,0,0,0,0,0,0,0,0,20,42,157,179,229,253,253,253,253,253,253,253,132,145,214,248,221,103,52,63,0,0,0,0,0,0,0,0,203,253,253,253,253,253,253,253,253,253,253,240,229,162,12,83,21,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,141,116,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,219,254,131,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,254,171,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,168,38,56,248,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,233,248,63,0,0,164,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,188,0,0,0,50,245,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,65,0,0,0,0,234,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,21,0,0,0,0,198,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,21,0,0,0,0,225,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,47,0,0,11,100,247,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,224,36,45,131,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,251,255,254,248,212,128,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,168,125,53,0,6,190,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,25,4,0,0,0,0,0,170,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,192,12,0,0,0,0,8,198,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,248,182,101,22,9,0,75,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,222,253,253,205,169,212,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,69,147,254,253,253,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,146,216,255,245,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,97,237,253,253,253,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,252,241,139,55,32,176,241,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,243,253,148,0,0,0,0,60,253,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,238,40,0,0,0,0,60,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,219,253,104,0,0,0,0,0,60,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,0,0,0,0,81,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,243,0,0,0,0,0,101,234,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,253,99,17,17,17,103,237,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,253,253,253,253,253,253,192,200,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,218,253,253,253,253,197,18,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,78,124,124,38,8,0,98,253,244,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,232,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,249,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,249,249,151,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,233,243,88,86,254,254,254,254,252,219,112,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,162,51,236,200,254,254,254,254,254,252,155,43,0,0,0,0,0,0,0,0,0,0,0,0,157,253,254,216,33,0,21,13,25,56,156,225,254,254,254,230,43,0,0,0,0,0,0,0,0,0,0,0,249,254,217,33,0,0,0,0,0,0,0,22,120,222,254,254,230,43,0,0,0,0,0,0,0,0,0,0,249,254,39,0,0,0,0,0,0,0,0,0,0,42,222,254,254,230,42,0,0,0,0,0,0,0,0,39,251,220,13,0,0,0,0,0,0,0,0,0,0,0,42,222,254,254,124,0,0,0,0,0,0,0,0,125,254,200,10,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,124,0,0,0,0,0,0,0,0,226,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,225,0,0,0,0,0,0,0,0,225,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,0,0,0,0,0,0,0,0,125,254,223,14,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,254,0,0,0,0,0,0,0,0,38,251,254,110,0,0,0,0,0,0,0,0,0,0,6,128,223,254,254,163,0,0,0,0,0,0,0,0,0,249,254,166,4,0,0,0,0,0,0,0,0,47,181,254,254,254,253,105,0,0,0,0,0,0,0,0,0,165,254,254,55,22,0,0,0,26,33,128,164,225,254,254,254,253,148,0,0,0,0,0,0,0,0,0,0,46,234,254,254,219,157,157,157,232,254,254,254,254,254,255,239,149,0,0,0,0,0,0,0,0,0,0,0,0,104,253,254,254,254,254,254,254,254,254,254,254,254,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,228,253,254,254,254,254,245,241,241,221,111,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,117,117,117,117,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,217,235,174,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,202,254,160,207,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,230,15,17,151,250,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,243,255,94,0,0,21,225,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,200,5,0,0,0,83,240,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,249,254,59,0,0,0,0,21,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,182,19,0,0,0,0,21,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,243,40,0,0,0,0,0,20,251,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,97,0,0,0,0,0,0,0,194,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,222,200,16,0,0,0,0,0,0,17,242,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,89,0,0,0,0,0,0,0,21,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,236,15,0,0,0,0,0,0,0,21,246,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,157,0,0,0,0,0,0,0,3,168,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,101,0,0,0,0,0,0,0,9,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,69,0,0,0,0,0,0,0,106,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,20,0,0,0,0,0,0,56,246,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,20,0,0,0,0,0,47,247,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,237,64,0,0,0,0,91,230,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,240,100,70,129,163,215,68,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,87,172,198,173,97,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,189,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,254,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,248,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,207,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,237,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,241,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,250,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,234,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,102,0,0,102,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,102,0,21,203,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,123,0,92,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,70,40,0,132,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,0,0,31,173,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,0,123,233,252,193,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,131,152,233,224,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,90,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,233,234,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,192,50,71,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,172,41,0,51,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,233,30,0,0,51,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,234,71,52,51,214,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,171,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,129,255,253,165,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,213,113,254,254,250,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,74,209,254,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,210,254,238,185,200,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,105,231,250,146,31,1,128,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,173,55,0,1,77,254,251,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,204,6,61,174,148,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,252,227,110,167,254,254,254,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,128,254,254,254,254,250,217,248,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,220,254,246,125,29,12,119,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,215,47,0,0,0,0,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,223,30,0,0,0,0,0,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,132,252,85,0,0,0,0,0,0,246,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,140,0,0,0,0,0,0,26,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,221,3,0,0,0,0,0,0,81,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,231,155,0,0,0,0,0,0,1,148,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,227,232,0,0,0,0,0,0,51,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,115,10,0,0,0,18,198,217,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,254,214,171,103,176,218,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,136,221,254,254,243,158,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,69,0,0,0,0,0,52,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,61,0,0,0,0,0,105,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,239,28,0,0,0,0,0,189,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,151,0,0,0,0,0,54,250,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,237,42,0,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,148,0,0,0,0,0,0,131,254,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,131,0,0,0,0,0,5,187,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,208,23,0,0,7,67,170,254,252,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,218,139,88,202,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,199,254,254,255,200,119,191,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,156,127,93,3,0,182,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,250,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,248,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,136,220,255,254,254,149,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,226,254,245,216,217,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,238,116,42,0,10,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,209,58,0,0,0,66,254,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,120,46,0,0,0,53,250,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,211,253,143,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,164,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,165,254,231,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,221,254,254,234,120,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,251,254,254,254,254,254,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,240,63,36,0,50,170,254,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,184,60,0,0,0,0,5,210,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,248,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,62,0,0,0,0,45,226,254,183,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,75,0,0,0,110,246,254,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,75,34,137,221,254,254,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,228,239,254,254,237,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,236,254,254,173,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,25,0,0,0,0,0,0,42,232,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,143,0,0,0,0,0,0,90,252,238,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,174,252,121,0,0,0,0,0,64,233,252,75,0,0,0,0,0,0,0,0,0,0,0,0,9,84,181,201,252,229,18,0,0,0,0,64,232,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,71,252,252,252,252,64,0,0,0,0,28,233,252,252,228,25,0,0,0,0,0,0,0,0,0,0,0,118,234,252,252,252,143,7,0,0,0,0,37,252,252,252,70,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,190,7,0,0,0,0,0,37,252,252,224,30,0,0,0,0,0,0,0,0,0,0,0,0,36,252,252,252,245,229,229,229,114,110,109,187,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,2,104,252,252,252,252,252,252,252,253,252,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,121,155,241,241,241,247,255,253,253,253,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,252,252,220,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,158,253,252,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,244,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,189,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,163,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,181,221,247,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,168,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,59,123,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,247,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,253,173,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,255,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,111,187,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,158,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,234,224,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,186,253,203,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,80,235,253,253,107,56,56,56,34,5,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,199,253,253,253,253,253,253,254,253,232,204,218,160,137,89,23,0,0,0,0,0,0,0,0,0,0,115,241,253,253,253,253,253,253,253,254,253,253,253,253,253,248,113,6,0,0,0,0,0,0,0,0,0,0,165,246,253,253,253,253,253,240,209,162,161,165,109,185,137,151,0,0,0,0,0,0,0,0,0,0,0,0,112,242,253,253,220,182,156,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,235,147,71,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,200,225,114,113,159,252,250,150,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,255,253,253,253,254,253,253,253,254,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,252,170,84,84,84,171,221,253,227,252,252,244,82,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,233,37,0,0,0,0,25,56,31,122,252,253,240,81,0,0,0,0,0,0,0,0,0,13,206,252,252,253,145,0,0,0,0,0,0,0,0,10,128,253,252,168,0,0,0,0,0,0,0,0,0,92,253,253,253,176,38,0,0,0,0,0,0,0,0,0,0,254,253,253,40,0,0,0,0,0,0,0,0,166,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,228,252,252,165,0,0,0,0,0,0,0,0,216,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,252,0,0,0,0,0,0,0,0,91,252,252,252,151,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,13,207,253,253,254,97,23,29,0,0,0,0,0,0,0,76,254,253,253,241,0,0,0,0,0,0,0,0,0,82,240,252,253,234,234,252,51,0,19,32,0,38,144,243,253,252,252,139,0,0,0,0,0,0,0,0,0,0,44,156,253,252,252,252,247,197,215,228,198,234,252,252,253,252,224,43,0,0,0,0,0,0,0,0,0,0,0,0,91,215,202,252,253,252,252,252,253,252,252,252,253,177,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,113,126,150,113,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,101,255,169,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,228,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,107,252,253,221,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,194,253,253,198,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,253,253,208,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,196,253,253,206,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,201,253,253,207,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,152,253,253,235,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,224,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,250,253,224,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,247,253,253,224,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,224,253,253,253,253,244,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,143,90,159,253,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,192,253,248,11,0,40,250,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,78,0,0,0,177,253,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,195,10,0,0,28,227,253,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,164,0,63,131,195,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,235,201,251,253,253,253,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,237,126,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,223,198,253,140,135,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,66,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,124,149,255,188,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,254,254,254,254,253,212,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,220,254,244,102,8,74,129,234,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,117,236,254,206,27,0,0,0,0,9,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,200,254,254,176,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,206,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,254,176,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,254,176,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,162,254,242,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,36,0,0,34,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,189,4,0,0,167,215,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,103,0,0,0,58,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,103,0,0,0,62,250,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,103,0,0,0,0,216,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,142,2,0,0,36,244,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,249,254,84,0,3,146,254,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,215,212,104,156,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,254,254,254,191,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,245,254,162,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,243,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,230,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,243,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,187,252,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,247,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,208,255,255,254,254,254,254,235,136,101,18,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,253,253,253,253,253,253,209,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,253,253,253,253,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,225,253,253,253,253,253,253,253,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,164,131,47,47,157,113,179,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,174,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,253,243,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,219,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,253,253,253,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,200,252,253,253,253,90,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,227,33,0,103,113,113,134,175,231,231,16,0,0,0,0,0,0,0,0,0,0,9,189,252,253,253,253,253,169,221,249,253,253,253,253,253,253,141,9,0,0,0,0,0,0,0,0,0,21,219,253,253,253,253,253,253,253,253,253,253,253,250,146,106,106,15,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,253,253,253,253,253,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,253,253,253,253,253,253,253,167,115,188,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,253,253,253,253,196,53,53,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,152,174,253,218,152,40,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,160,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,191,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,64,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,64,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,128,255,255,64,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,64,255,255,64,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,130,206,255,233,130,104,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,253,253,253,253,253,225,136,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,222,111,111,132,235,248,253,253,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,195,247,253,180,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,253,237,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,165,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,153,236,253,235,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,166,253,253,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,167,253,253,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,168,253,253,236,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,237,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,155,86,0,0,0,0,0,0,39,106,218,128,0,0,0,0,0,0,0,0,0,0,0,0,2,102,253,253,253,250,236,236,236,236,236,236,242,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,2,102,253,253,253,253,253,253,253,253,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,24,129,129,156,253,253,156,129,129,129,81,5,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,191,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,216,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,215,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,121,121,121,121,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,107,198,247,252,252,253,252,247,197,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,233,252,252,252,252,252,253,252,252,252,196,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,246,252,252,252,243,172,172,173,172,201,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,121,247,252,252,252,206,96,0,0,0,0,94,252,252,213,21,0,0,0,0,0,0,0,0,0,0,0,54,242,252,252,174,66,21,0,0,0,0,0,74,244,252,224,38,0,0,0,0,0,0,0,0,0,0,0,253,252,252,106,17,0,0,0,0,0,0,0,0,213,252,252,79,0,0,0,0,0,0,0,0,0,0,0,253,252,192,15,0,0,0,0,0,0,0,0,60,238,252,252,79,0,0,0,0,0,0,0,0,0,0,0,240,251,213,23,0,0,0,0,0,8,14,7,102,252,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,114,119,19,0,0,0,0,78,196,253,189,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,204,253,253,255,253,253,253,253,225,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,252,252,252,253,252,252,252,252,252,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,197,252,252,190,26,26,241,252,252,252,252,252,222,40,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,229,17,0,144,250,252,252,231,231,252,252,218,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,225,0,106,253,252,252,252,80,81,252,252,242,32,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,231,54,158,253,252,252,192,14,43,235,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,21,186,252,252,252,252,253,252,237,75,0,0,82,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,20,188,252,252,252,253,252,75,0,0,0,15,179,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,120,239,252,240,112,11,0,0,0,0,12,106,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,61,148,245,253,253,166,209,253,227,148,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,252,252,252,253,252,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,144,231,231,245,244,236,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,49,69,252,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,106,236,252,252,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,104,218,253,254,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,252,253,252,252,184,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,252,252,252,253,252,252,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,252,252,226,190,189,221,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,182,199,121,24,0,0,127,252,252,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,185,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,192,252,252,252,190,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,253,252,252,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,252,253,252,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,227,253,253,253,255,186,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,252,252,252,217,107,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,252,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,212,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,236,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,209,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,237,253,244,105,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,62,149,234,253,254,185,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,53,65,149,228,238,254,255,254,254,206,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,254,254,254,251,207,123,65,155,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,123,86,44,44,41,0,0,51,219,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,206,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,205,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,230,254,0,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,146,158,228,249,254,254,247,248,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,233,203,241,254,230,192,135,81,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,5,202,250,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,247,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,223,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,228,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,225,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,54,141,191,242,141,141,91,29,29,29,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,216,252,252,252,253,252,252,252,253,252,252,215,101,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,252,252,127,56,187,252,252,253,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,252,77,3,13,206,252,202,128,53,228,252,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,253,56,0,141,253,194,63,0,0,198,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,130,0,60,196,43,0,0,0,197,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,234,22,0,0,0,0,0,82,240,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,128,0,0,0,0,26,243,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,203,13,0,0,0,104,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,122,252,252,188,0,0,76,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,235,66,0,200,253,252,148,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,246,175,249,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,253,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,249,253,252,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,253,254,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,234,122,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,214,50,95,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,139,26,243,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,129,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,252,252,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,253,252,148,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,122,190,255,242,116,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,237,252,252,253,252,252,180,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,234,238,164,96,161,252,252,252,229,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,155,252,195,52,0,0,4,95,234,252,252,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,82,0,0,0,0,0,45,192,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,252,231,34,0,0,0,0,0,0,77,252,252,192,11,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,139,0,0,0,0,0,0,0,10,154,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,157,252,200,9,0,0,0,0,0,0,0,0,61,252,252,155,0,0,0,0,0,0,0,0,0,0,0,11,198,252,192,0,0,0,0,0,0,0,0,0,61,252,252,47,0,0,0,0,0,0,0,0,0,0,0,25,252,252,192,0,0,0,0,0,0,0,0,0,61,252,252,36,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,0,0,0,0,0,0,61,253,168,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,192,0,0,0,0,0,0,0,0,0,61,252,156,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,117,0,0,0,0,0,0,0,0,7,145,252,48,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,152,0,0,0,0,0,0,0,0,72,252,180,16,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,192,0,0,0,0,0,0,0,9,189,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,192,0,0,0,0,0,0,7,156,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,220,252,241,89,0,0,0,0,45,158,252,172,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,242,120,51,97,97,237,252,175,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,176,252,252,252,241,252,252,248,132,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,160,252,252,252,200,131,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,191,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,64,128,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,255,255,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,128,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,64,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,16,130,145,255,254,255,254,254,160,130,130,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,10,199,253,253,253,253,253,251,244,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,235,235,155,111,90,25,111,111,208,250,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,230,234,97,0,0,0,0,0,0,0,0,0,205,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,0,0,0,0,0,0,0,0,0,0,205,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,208,253,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,200,253,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,170,253,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,100,237,253,253,210,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,253,253,238,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,239,253,253,189,166,234,253,239,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,109,240,253,253,100,10,0,153,253,253,222,72,0,0,90,48,0,0,0,0,0,0,0,0,0,0,8,175,253,253,236,129,9,0,0,9,102,253,253,242,223,223,252,81,0,0,0,0,0,0,0,0,0,6,177,253,253,253,158,0,0,0,0,0,8,67,238,253,253,207,91,1,0,0,0,0,0,0,0,0,3,179,253,253,253,104,6,0,0,0,0,0,0,0,61,141,141,19,0,0,0,0,0,0,0,0,0,0,7,253,253,242,121,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,251,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,251,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,241,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,182,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,232,165,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,64,0,0,0,0,0,0,47,130,63,80,17,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,247,21,0,0,0,0,11,182,254,253,253,253,225,107,5,0,0,0,0,0,0,0,0,0,0,0,57,253,151,0,0,0,0,0,125,253,195,111,77,128,220,253,113,0,0,0,0,0,0,0,0,0,0,0,174,254,68,0,0,0,0,47,254,195,0,0,0,0,85,248,203,19,0,0,0,0,0,0,0,0,0,110,249,151,0,0,0,0,0,130,240,40,0,0,0,0,0,146,253,69,0,0,0,0,0,0,0,0,7,232,251,63,0,0,0,0,0,180,230,0,0,0,0,0,0,138,253,144,0,0,0,0,0,0,0,0,70,253,196,0,0,0,0,0,0,230,230,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,0,0,162,254,46,0,0,0,0,0,0,172,230,0,0,0,0,0,0,139,254,103,0,0,0,0,0,0,0,0,161,253,46,0,0,0,0,0,0,138,242,55,0,0,0,0,0,155,240,31,0,0,0,0,0,0,0,0,161,253,54,0,0,0,0,0,0,63,253,202,0,0,0,0,7,232,187,0,0,0,0,0,0,0,0,0,95,253,171,0,0,0,0,0,0,13,186,253,34,0,0,0,136,253,137,0,0,0,0,0,0,0,0,0,26,239,245,95,0,0,0,0,0,0,24,254,229,15,0,119,255,199,17,0,0,0,0,0,0,0,0,0,0,122,244,253,172,55,26,0,0,0,3,140,254,99,130,247,199,52,0,0,0,0,0,0,0,0,0,0,0,0,80,205,254,253,232,207,208,207,207,224,254,253,253,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,160,169,253,254,253,253,219,161,160,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,57,172,197,126,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,76,243,252,252,250,75,0,0,0,0,0,0,0,0,0,0,0,57,253,253,114,0,0,0,0,0,0,176,254,247,137,238,254,84,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,82,243,253,196,0,175,253,109,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,45,240,252,244,81,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,13,194,252,151,75,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,26,223,253,114,0,0,0,154,253,194,13,0,0,0,226,239,38,0,0,0,0,0,0,0,0,0,0,0,0,197,252,188,0,0,76,253,214,19,0,0,0,82,243,150,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,235,28,29,210,253,196,0,0,0,19,215,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,209,159,252,241,59,0,0,26,231,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,255,253,253,253,163,0,0,13,154,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,194,57,95,206,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,100,252,252,253,252,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,240,253,252,252,151,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,93,158,164,131,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,254,254,159,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,217,251,245,174,236,250,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,216,254,131,52,0,0,83,214,254,216,40,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,212,31,0,0,0,0,32,202,250,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,219,254,87,0,0,0,0,0,0,0,139,254,216,12,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,208,30,0,0,0,0,0,0,0,32,235,254,101,0,0,0,0,0,0,0,0,0,0,0,0,4,170,254,93,0,0,0,0,0,0,0,0,0,200,255,164,3,0,0,0,0,0,0,0,0,0,0,0,47,254,232,27,0,0,0,0,0,0,0,0,0,100,254,254,12,0,0,0,0,0,0,0,0,0,0,4,171,254,193,0,0,0,0,0,0,0,0,0,0,100,254,254,12,0,0,0,0,0,0,0,0,0,0,13,254,254,99,0,0,0,0,0,0,0,0,0,0,133,254,224,9,0,0,0,0,0,0,0,0,0,0,13,254,235,22,0,0,0,0,0,0,0,0,0,0,224,254,106,0,0,0,0,0,0,0,0,0,0,0,13,254,229,0,0,0,0,0,0,0,0,0,0,30,234,254,18,0,0,0,0,0,0,0,0,0,0,0,13,254,126,0,0,0,0,0,0,0,0,0,31,210,254,166,3,0,0,0,0,0,0,0,0,0,0,0,59,254,150,0,0,0,0,0,0,0,0,30,210,254,172,33,0,0,0,0,0,0,0,0,0,0,0,0,28,254,239,39,0,0,0,0,0,27,136,234,254,169,19,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,255,212,0,0,0,0,79,207,254,254,124,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,97,254,252,219,113,113,140,250,254,221,42,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,154,254,254,254,254,254,254,131,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,130,212,230,130,39,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,63,245,189,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,254,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,254,254,215,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,254,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,254,247,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,255,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,177,254,209,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,236,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,244,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,199,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,255,253,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,243,252,253,235,252,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,184,252,252,141,44,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,241,252,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,220,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,215,27,162,253,253,255,253,253,149,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,177,252,187,158,252,252,252,253,252,252,252,226,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,238,107,96,96,168,252,252,252,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,236,127,0,0,0,8,101,236,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,139,0,0,0,0,0,0,169,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,9,188,252,252,48,0,0,0,0,0,0,169,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,173,53,0,0,45,97,205,237,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,252,252,239,217,217,237,252,252,252,229,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,200,252,252,252,252,253,252,252,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,6,110,131,241,252,248,131,131,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,214,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,192,253,249,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,66,238,246,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,244,201,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,62,62,158,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,143,227,230,253,253,253,254,246,145,62,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,247,209,227,253,253,254,253,253,253,208,89,9,0,0,0,0,0,0,0,0,0,0,0,0,0,30,225,247,98,0,75,253,253,161,130,212,218,248,253,170,9,0,0,0,0,0,0,0,0,0,0,0,0,62,253,209,0,12,202,252,166,0,0,0,0,60,139,139,34,0,0,0,0,0,0,0,0,0,0,0,0,58,251,212,30,150,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,195,165,127,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,92,146,232,208,255,213,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,193,177,177,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,175,253,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,251,123,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,205,0,0,0,18,49,49,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,205,67,186,195,216,253,253,231,183,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,249,249,238,168,90,123,129,170,246,220,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,243,117,8,0,0,0,0,0,67,253,216,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,85,0,0,0,0,0,0,0,6,190,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,61,0,0,0,0,0,0,0,0,0,118,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,250,187,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,250,209,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,198,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,33,9,0,0,0,0,0,26,42,212,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,163,71,71,108,179,179,238,247,183,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,56,180,253,253,253,253,230,106,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,240,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,223,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,190,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,204,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,38,38,127,204,255,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,76,76,145,209,253,253,253,253,253,253,253,105,0,0,0,0,0,0,0,0,0,0,0,5,114,148,222,228,253,253,248,209,139,141,233,253,252,204,34,10,0,0,0,0,0,0,0,0,0,0,13,184,253,253,233,210,128,96,0,0,32,175,253,230,111,0,0,0,0,0,0,0,0,0,0,0,0,0,98,172,172,92,34,0,0,0,0,69,222,253,187,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,252,171,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,180,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,243,220,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,250,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,169,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,249,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,250,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,0,0,0,0,0,0,0,0,18,238,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,189,5,0,0,0,0,0,0,0,73,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,241,254,9,0,0,0,0,0,0,0,143,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,104,0,0,0,0,0,0,0,169,255,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,106,0,0,0,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,106,0,0,0,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,254,86,0,0,0,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,215,5,0,0,0,0,0,0,5,208,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,168,0,0,0,0,0,0,0,10,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,168,0,0,0,0,0,0,0,10,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,205,4,0,0,0,1,15,31,189,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,120,114,144,137,178,254,254,254,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,254,254,254,254,225,158,156,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,89,89,126,89,53,53,17,0,87,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,234,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,121,121,190,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,240,240,253,252,252,252,249,141,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,192,230,252,252,252,253,252,252,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,201,95,39,39,39,39,39,144,231,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,238,94,20,0,0,0,0,110,200,77,151,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,170,0,0,0,0,26,180,245,252,185,14,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,66,0,0,0,0,141,252,252,218,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,232,155,27,27,13,98,253,252,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,207,252,252,196,252,253,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,252,252,253,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,255,253,204,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,200,252,246,75,76,190,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,189,0,0,68,242,244,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,242,252,187,17,0,0,0,184,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,241,68,0,0,0,0,128,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,184,0,0,0,0,108,245,192,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,243,67,0,0,0,104,248,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,232,69,27,105,160,253,252,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,214,252,252,252,252,245,240,112,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,217,252,238,189,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,255,253,236,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,145,242,252,229,230,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,236,158,0,10,175,252,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,233,252,164,48,0,0,0,37,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,198,235,151,10,0,0,0,0,37,252,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,204,235,71,0,0,0,0,0,0,71,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,192,0,0,0,0,0,0,0,157,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,59,193,29,0,0,0,0,0,21,239,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,134,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,206,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,249,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,253,147,0,0,0,0,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,250,82,9,61,147,181,239,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,252,250,193,201,252,252,252,228,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,253,252,252,252,191,133,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,252,252,253,252,175,36,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,144,75,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,177,142,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,130,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,162,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,179,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,20,0,0,0,152,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,230,22,0,0,122,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,93,0,0,98,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,201,14,0,0,35,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,254,151,20,0,0,0,15,225,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,249,254,201,12,0,0,0,0,0,203,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,61,0,0,0,0,0,0,203,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,254,136,3,0,0,0,0,0,0,203,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,87,34,0,0,0,0,0,0,189,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,239,244,212,212,212,168,126,126,185,254,200,126,155,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,183,239,254,243,254,254,254,254,254,254,254,195,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,52,50,109,137,137,191,254,168,52,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,197,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,243,253,227,192,43,43,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,168,168,168,138,252,107,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,21,225,247,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,99,246,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,175,252,252,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,253,254,253,232,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,213,252,252,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,252,252,199,152,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,191,252,235,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,229,255,174,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,186,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,161,251,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,252,252,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,4,92,223,253,252,251,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,182,252,252,253,231,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,77,244,252,252,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,215,254,254,221,106,5,0,58,137,106,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,120,254,253,253,253,253,254,165,145,249,253,254,237,105,0,0,0,0,0,0,0,0,0,0,0,0,90,245,253,254,232,158,36,36,130,253,253,253,253,254,253,216,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,151,23,0,0,0,73,253,253,246,253,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,217,253,188,0,0,0,0,0,47,247,227,60,253,254,181,11,0,0,0,0,0,0,0,0,0,0,0,0,218,254,130,0,0,0,0,0,0,210,195,86,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,181,0,0,0,0,0,0,145,253,253,253,50,2,0,0,0,0,0,0,0,0,0,0,0,0,0,6,207,253,46,0,0,0,0,37,231,253,250,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,129,0,0,8,51,183,253,250,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,227,233,45,0,141,253,254,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,255,182,21,215,254,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,208,253,253,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,250,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,253,253,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,233,255,238,71,193,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,115,0,109,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,241,232,139,181,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,196,250,253,253,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,201,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,255,249,158,106,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,245,254,254,254,254,240,157,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,248,224,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,4,4,3,57,222,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,166,246,254,235,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,254,254,229,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,151,245,252,254,245,161,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,201,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,112,233,254,254,225,140,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,186,254,254,254,222,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,219,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,123,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,187,254,254,247,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,91,238,254,254,192,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,209,254,254,242,110,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,118,223,254,253,165,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,232,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,235,254,254,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,225,254,197,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,198,255,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,226,57,0,141,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,198,0,0,0,0,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,29,0,0,0,29,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,86,0,0,0,57,226,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,86,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,86,141,226,255,255,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,255,198,29,86,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,226,170,86,0,0,86,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,132,229,205,254,255,254,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,158,253,253,253,239,216,249,239,244,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,223,139,35,0,50,74,218,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,253,227,6,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,249,68,0,0,0,0,0,0,34,225,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,4,165,253,157,0,0,0,0,0,0,0,0,141,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,35,197,253,140,0,0,0,0,0,0,0,0,141,253,228,6,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,50,0,0,0,0,0,0,0,0,141,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,57,0,0,0,0,0,0,0,0,221,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,3,190,253,140,0,0,0,0,0,0,0,126,248,253,221,6,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,247,159,138,66,66,126,125,233,254,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,104,246,253,253,253,253,254,253,253,253,253,246,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,181,243,247,243,244,243,205,180,253,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,0,0,0,0,25,241,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,232,111,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,246,254,254,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,229,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,134,254,254,155,27,215,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,143,254,254,221,30,0,141,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,144,254,254,249,53,0,0,71,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,171,0,0,0,71,254,233,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,238,254,254,239,9,0,0,0,71,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,254,254,224,38,0,0,0,0,17,232,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,97,0,0,0,0,0,0,225,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,247,205,205,125,106,144,106,237,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,254,254,254,254,254,254,254,254,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,109,139,139,139,139,139,139,139,139,206,253,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,118,192,118,143,255,251,118,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,116,234,244,253,253,253,253,253,253,253,253,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,253,253,253,253,253,253,253,245,179,253,253,253,188,23,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,253,253,253,122,2,61,214,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,222,107,82,29,0,0,104,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,31,217,253,253,253,253,34,0,0,0,0,7,186,253,209,30,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,253,253,253,210,96,0,0,4,190,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,253,253,253,252,221,39,67,253,253,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,27,161,244,253,253,236,242,253,217,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,219,253,253,252,205,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,168,253,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,246,253,253,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,165,237,253,253,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,253,253,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,253,253,253,211,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,253,248,131,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,253,130,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,48,96,96,96,96,96,96,96,96,96,96,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,228,221,251,251,253,251,251,251,251,253,251,251,236,190,131,32,16,0,0,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,251,251,253,251,251,251,251,253,251,188,16,0,0,0,0,0,0,0,0,0,253,251,251,251,211,31,31,110,188,188,189,188,188,244,251,253,251,251,169,0,0,0,0,0,0,0,0,0,95,114,172,94,35,0,0,0,0,0,0,0,0,83,193,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,96,234,253,255,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,32,32,32,158,251,251,251,253,251,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,127,189,251,251,253,251,251,251,251,253,235,63,0,0,0,0,0,0,0,0,0,0,0,0,32,64,64,234,251,251,251,251,253,251,251,251,251,253,228,64,8,0,0,0,0,0,0,0,0,0,0,20,205,251,251,253,251,251,251,251,253,251,251,251,251,253,251,251,129,0,0,0,0,0,0,0,0,0,0,32,253,253,253,159,158,79,139,158,0,0,0,0,0,159,230,253,253,253,0,0,0,0,0,0,0,0,0,8,62,62,62,0,0,0,0,0,0,0,0,0,0,0,71,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,24,84,111,0,0,0,0,0,0,0,24,186,251,251,211,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,126,0,0,0,0,0,0,0,194,251,251,211,35,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,213,96,96,96,96,234,253,255,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,244,251,251,251,253,251,251,251,251,253,247,220,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,188,251,251,253,251,251,251,251,205,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,31,31,31,149,188,148,31,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,176,0,0,0,127,210,186,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,183,3,0,64,252,253,253,250,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,236,26,0,67,253,253,253,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,176,0,0,153,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,192,253,253,176,0,0,177,253,253,253,169,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,156,0,0,177,253,253,253,180,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,66,0,0,177,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,234,37,0,15,210,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,216,254,254,229,39,82,207,254,254,255,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,230,253,253,240,200,253,254,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,154,223,253,253,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,239,233,231,149,121,0,177,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,8,0,0,0,0,177,253,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,236,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,143,239,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,173,132,152,112,21,82,132,51,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,253,171,223,243,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,234,253,254,253,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,213,232,233,151,213,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,233,82,0,0,0,0,0,214,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,111,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,244,40,0,0,0,0,0,102,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,122,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,82,0,0,0,0,0,0,163,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,130,0,0,0,0,0,0,0,203,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,244,40,0,0,0,0,0,0,31,233,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,81,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,192,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,253,253,253,255,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,252,252,253,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,197,253,252,239,195,195,222,252,239,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,224,252,240,176,65,0,0,101,249,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,63,0,0,0,0,0,146,252,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,85,253,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,173,79,0,0,0,0,0,131,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,55,55,0,0,0,0,0,89,246,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,228,252,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,182,240,252,252,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,252,252,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,140,253,252,252,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,113,222,253,253,255,253,253,237,191,114,113,113,113,113,114,113,25,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,199,28,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,193,0,0,0,0,0,0,0,0,0,38,84,84,99,223,84,84,161,177,223,162,209,223,223,223,237,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,158,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,225,168,169,168,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,255,253,255,253,255,253,254,253,254,253,254,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,251,253,251,253,251,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,168,0,114,169,168,169,168,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,85,85,254,253,254,253,198,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,251,253,251,169,168,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,254,253,254,253,169,168,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,73,94,217,156,73,73,73,73,10,0,0,0,0,0,0,0,0,0,0,0,0,27,120,181,181,181,181,253,252,252,252,253,252,252,252,253,190,78,16,0,0,0,0,0,0,0,0,0,42,221,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,252,108,0,0,0,0,0,0,0,0,0,217,252,252,252,158,123,0,0,0,21,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,118,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,191,109,109,191,255,253,149,191,255,128,109,109,63,0,0,0,0,0,0,0,0,0,0,0,0,93,252,252,252,252,252,252,253,252,252,252,253,252,252,252,238,217,103,0,0,0,0,0,0,0,0,0,0,21,98,252,252,241,215,215,217,215,215,215,232,252,252,252,253,252,241,78,0,0,0,0,0,0,0,0,0,0,16,108,108,77,0,0,0,0,0,0,47,108,108,108,170,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,94,217,253,252,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,181,252,252,253,220,61,0,0,0,0,0,0,0,0,0,63,104,0,0,0,0,0,0,0,42,144,144,253,252,252,252,191,15,0,0,0,0,0,0,0,0,0,0,171,253,232,109,253,253,253,253,255,253,253,253,255,253,237,144,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,253,252,252,210,180,55,30,0,0,0,0,0,0,0,0,0,0,0,0,0,133,215,215,215,153,71,92,215,72,71,71,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,109,150,253,253,255,211,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,252,252,253,252,247,217,218,175,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,253,252,252,252,253,252,201,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,252,148,108,170,252,252,252,253,252,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,143,144,237,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,190,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,252,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,252,252,252,217,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,221,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,233,252,252,252,253,148,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,160,253,252,252,231,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,65,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,231,217,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,254,254,254,255,227,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,219,253,221,160,160,206,253,224,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,231,134,12,7,0,0,5,159,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,181,26,0,0,0,0,0,0,18,227,196,0,0,0,0,0,0,0,0,0,0,0,0,0,130,125,13,169,4,0,0,0,0,0,0,0,0,218,196,0,0,0,0,0,0,0,0,0,0,0,0,88,247,210,13,0,0,0,0,0,0,0,0,0,0,218,196,0,0,0,0,0,0,0,0,0,0,0,18,218,253,132,0,0,0,0,0,0,0,0,0,0,5,220,196,0,0,0,0,0,0,0,0,0,0,0,105,253,236,27,0,0,0,0,0,0,0,0,0,0,68,253,196,0,0,0,0,0,0,0,0,0,0,41,189,253,138,0,0,0,0,0,0,0,0,0,0,0,155,253,108,0,0,0,0,0,0,0,0,0,0,138,252,253,20,0,0,0,0,0,0,0,0,0,0,5,188,243,0,0,0,0,0,0,0,0,0,0,0,58,248,253,20,0,0,0,0,0,0,0,0,0,0,62,253,160,0,0,0,0,0,0,0,0,0,0,0,94,253,172,1,0,0,0,0,0,0,0,0,0,0,227,253,123,0,0,0,0,0,0,0,0,0,0,0,94,253,170,0,0,0,0,0,0,0,0,0,0,96,247,202,9,0,0,0,0,0,0,0,0,0,0,0,94,253,170,0,0,0,0,0,0,0,0,0,98,249,251,79,0,0,0,0,0,0,0,0,0,0,0,0,94,253,230,15,0,0,0,0,0,0,0,64,249,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,80,0,0,0,0,0,17,98,237,251,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,245,100,9,0,2,89,237,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,246,253,253,222,218,219,253,253,252,164,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,217,253,253,253,253,253,231,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,119,198,228,149,149,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,234,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,221,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,244,0,0,133,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,237,179,0,0,185,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,107,0,13,204,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,253,23,0,47,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,194,253,211,118,0,47,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,254,254,254,254,234,119,254,254,44,24,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,254,253,253,253,253,254,253,253,253,253,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,254,241,100,69,122,223,253,253,253,253,216,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,235,37,0,0,0,44,253,253,253,169,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,21,0,0,0,0,13,212,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,204,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,186,254,254,255,171,156,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,154,215,230,203,135,135,136,135,203,238,139,8,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,247,253,213,12,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,164,41,15,0,0,0,0,0,0,0,151,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,5,96,5,0,0,0,0,0,0,0,8,128,248,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,186,235,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,118,192,254,253,173,27,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,175,174,229,253,193,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,117,64,19,0,0,13,72,206,219,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,245,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,229,23,0,0,0,0,121,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,213,0,0,0,14,162,244,189,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,213,0,0,67,199,240,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,235,136,235,250,225,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,253,155,111,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,85,86,85,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,224,253,251,253,251,253,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,168,0,0,0,0,170,225,255,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,169,168,254,196,254,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,83,0,0,84,28,84,196,253,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,139,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,225,56,0,0,0,0,0,0,0,0,0,0,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,84,0,0,0,0,0,0,0,0,0,0,253,196,170,56,0,0,0,0,0,0,0,0,0,0,169,224,253,196,0,0,0,0,0,0,0,0,0,0,170,168,254,253,254,253,254,253,254,253,85,197,254,253,254,253,226,168,0,0,0,0,0,0,0,0,0,0,0,0,84,83,253,251,253,251,253,251,253,251,253,251,253,138,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,174,253,254,253,245,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,237,252,252,252,253,252,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,240,178,100,21,21,100,179,245,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,35,0,0,0,0,0,0,99,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,174,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,230,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,197,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,246,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,252,226,86,0,0,0,0,0,0,0,0,71,194,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,241,80,0,0,0,39,43,130,148,227,253,253,236,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,152,22,85,103,190,247,252,252,253,252,210,141,37,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,242,237,252,253,252,252,252,252,170,47,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,252,252,252,253,231,215,162,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,252,252,226,147,86,28,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,140,225,140,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,217,209,64,63,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,207,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,215,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,143,0,0,0,0,12,81,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,0,0,82,238,254,238,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,0,55,240,223,77,238,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,162,0,0,179,181,38,27,240,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,120,40,248,55,10,187,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,232,255,255,175,235,247,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,209,143,108,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,133,133,133,185,138,192,133,133,111,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,253,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,242,253,253,232,251,206,205,235,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,208,253,155,41,69,0,0,157,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,253,128,0,0,0,19,231,253,222,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,156,0,0,0,124,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,193,9,0,0,145,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,158,253,24,0,12,243,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,1,0,128,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,156,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,214,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,191,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,205,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,230,247,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,251,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,221,254,225,23,69,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,219,142,254,249,132,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,201,254,168,17,19,139,185,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,228,20,0,0,0,10,221,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,204,0,0,0,6,157,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,115,0,0,2,161,254,205,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,22,0,94,216,254,173,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,116,190,253,254,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,254,254,254,210,88,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,239,118,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,198,167,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,254,255,254,165,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,232,75,249,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,71,0,50,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,245,199,0,0,0,213,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,245,51,0,0,0,107,163,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,236,0,0,0,0,34,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,163,0,0,0,0,0,222,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,59,0,0,0,0,0,137,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,227,0,0,0,0,0,0,35,242,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,201,0,0,0,0,0,0,0,220,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,139,0,0,0,0,0,0,0,219,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,139,0,0,0,0,0,0,0,219,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,139,0,0,0,0,0,0,11,226,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,110,0,0,0,0,0,0,114,246,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,151,0,0,0,0,0,42,240,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,227,0,0,0,0,17,221,221,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,59,0,0,46,228,216,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,249,184,184,254,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,172,254,193,139,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,76,244,138,170,117,76,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,103,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,247,227,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,252,176,202,94,67,252,252,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,45,11,0,26,137,232,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,253,184,0,0,0,0,0,43,241,255,180,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,149,67,0,0,0,0,0,0,230,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,26,236,253,92,0,0,0,0,0,0,0,230,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,192,17,0,0,0,0,0,0,0,135,253,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,63,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,0,0,0,0,0,0,0,0,0,116,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,178,0,0,0,0,0,0,0,0,0,136,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,184,252,221,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,43,0,0,0,0,0,0,0,76,248,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,231,42,0,0,0,0,0,0,197,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,255,159,17,0,0,13,24,138,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,252,227,161,161,212,252,252,252,231,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,253,252,252,252,252,253,252,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,45,253,252,252,252,252,253,235,202,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,221,137,32,23,18,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,237,237,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,240,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,245,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,230,254,133,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,251,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,25,0,0,0,0,0,0,0,0,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,226,16,0,0,0,0,0,0,0,27,207,195,195,121,4,0,0,0,0,0,0,0,0,0,0,30,253,254,121,0,0,0,0,0,0,0,49,218,254,254,254,254,233,33,0,0,0,0,0,0,0,0,0,113,254,246,47,0,0,0,0,0,3,129,247,254,254,254,254,254,254,55,0,0,0,0,0,0,0,0,0,210,254,234,0,0,0,0,0,0,29,254,254,254,191,95,179,254,244,42,0,0,0,0,0,0,0,0,25,230,254,234,0,0,0,0,0,49,232,254,254,150,5,5,104,249,164,0,0,0,0,0,0,0,0,0,40,242,254,234,0,0,0,0,27,218,254,254,217,28,84,197,254,95,37,0,0,0,0,0,0,0,0,0,0,210,254,234,0,0,0,0,106,254,254,191,18,43,189,254,138,33,0,0,0,0,0,0,0,0,0,0,0,139,254,249,112,8,0,0,195,254,251,28,118,225,254,229,14,0,0,0,0,0,0,0,0,0,0,0,0,58,254,255,254,146,135,57,227,254,254,196,252,231,170,43,0,0,0,0,0,0,0,0,0,0,0,0,0,3,152,254,254,254,254,254,254,254,254,254,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,160,223,250,237,254,254,254,254,123,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,50,33,55,92,174,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,47,47,47,123,202,202,202,202,197,47,37,0,0,0,0,0,0,0,0,0,0,0,86,147,147,147,147,160,254,254,254,254,254,254,254,254,254,254,232,58,0,0,0,0,0,0,0,0,250,248,252,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,156,0,0,0,0,0,0,0,0,241,223,254,240,216,216,216,216,216,216,108,61,61,61,61,61,185,254,254,231,0,0,0,0,0,0,0,0,71,22,116,73,0,0,0,0,0,0,0,0,0,0,0,35,213,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,86,221,254,254,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,214,254,254,250,123,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,254,254,236,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,132,215,254,253,160,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,221,254,254,150,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,254,254,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,254,254,244,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,236,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,241,146,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,29,129,154,179,230,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,121,144,145,170,180,253,253,253,254,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,253,253,253,254,253,215,177,107,188,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,203,165,140,141,116,16,3,0,169,253,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,234,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,205,254,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,244,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,205,254,245,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,235,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,153,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,254,205,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,223,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,203,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,78,229,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,233,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,253,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,252,253,252,252,252,182,139,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,217,252,252,253,210,211,252,253,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,189,0,0,21,143,144,237,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,149,252,96,15,0,0,0,0,0,175,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,252,252,71,0,0,0,0,0,0,21,201,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,210,31,0,0,0,0,0,0,0,98,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,35,0,0,0,0,0,0,0,0,37,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,220,25,0,0,0,0,0,0,0,0,37,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,143,0,0,0,0,0,0,0,0,0,58,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,143,0,0,0,0,0,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,144,0,0,0,0,0,0,0,0,73,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,143,0,0,0,0,0,0,0,0,197,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,159,5,0,0,0,0,0,0,37,222,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,119,0,0,0,0,0,84,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,149,109,0,94,129,253,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,252,252,252,218,247,252,252,253,148,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,195,241,252,253,252,252,231,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,170,210,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,104,178,253,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,95,169,253,252,252,252,253,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,85,198,234,252,252,253,252,252,252,244,168,80,6,0,0,0,0,0,0,0,0,0,0,0,0,126,225,246,252,253,252,252,252,253,252,214,139,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,254,253,253,228,114,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,253,252,252,252,222,196,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,215,252,253,252,186,56,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,243,252,252,253,177,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,253,253,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,253,196,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,94,243,253,252,234,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,153,252,252,252,226,150,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,238,254,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,146,234,252,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,243,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,66,191,254,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,252,253,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,196,252,253,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,28,91,65,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,194,89,59,59,82,156,156,156,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,254,254,254,254,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,254,254,254,254,254,254,181,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,137,117,117,117,19,19,19,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,210,219,15,0,10,59,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,223,126,177,221,254,231,215,147,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,254,254,254,254,254,254,254,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,235,214,124,117,118,125,242,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,194,46,0,0,0,0,0,71,246,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,0,0,0,0,0,0,0,0,152,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,223,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,144,0,13,11,14,184,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,242,176,225,218,230,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,255,254,254,247,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,127,254,217,246,88,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,34,131,131,131,192,131,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,96,160,254,254,254,254,254,254,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,160,254,254,254,254,240,236,251,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,214,254,254,254,209,105,26,0,85,229,199,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,163,29,0,0,0,0,83,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,240,254,254,236,66,0,0,0,12,38,84,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,239,254,254,235,138,78,168,196,254,254,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,162,239,254,254,254,254,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,237,198,226,89,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,254,254,113,0,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,254,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,237,254,169,206,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,237,46,93,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,198,0,46,236,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,219,25,0,199,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,184,254,68,0,199,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,120,115,249,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,250,250,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,220,254,254,254,217,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,255,255,218,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,168,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,229,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,237,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,204,254,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,255,255,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,166,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,138,255,253,253,253,201,128,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,252,253,252,252,252,252,253,236,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,252,253,252,252,252,252,222,252,252,154,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,252,253,252,101,45,45,36,177,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,221,232,252,243,64,6,0,0,0,47,252,252,242,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,158,0,0,0,0,0,0,64,249,253,244,61,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,0,0,0,0,0,0,0,0,186,252,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,25,205,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,74,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,148,252,246,42,0,0,0,0,0,0,0,0,0,0,5,191,253,253,0,0,0,0,0,0,0,0,0,0,24,253,253,109,0,0,0,0,0,0,0,0,0,0,47,252,252,252,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,34,234,252,252,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,43,160,252,252,66,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,168,253,252,136,4,0,0,0,0,0,0,0,0,0,0,0,185,253,253,181,9,0,0,0,0,15,55,233,253,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,173,47,47,47,162,219,252,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,188,252,253,252,252,252,252,253,252,252,227,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,202,253,252,252,252,252,253,235,128,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,137,211,221,137,137,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,119,9,107,119,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,244,253,254,244,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,254,254,254,254,249,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,254,166,156,240,254,254,201,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,162,4,0,71,238,254,254,217,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,185,9,0,0,73,237,254,254,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,250,254,254,25,0,0,0,73,237,254,254,78,0,0,0,0,52,210,210,0,0,0,0,0,0,0,0,0,144,254,254,129,0,0,0,0,197,254,254,195,73,73,153,203,232,215,115,0,0,0,0,0,0,0,0,0,88,251,254,156,0,0,0,19,212,254,254,254,254,254,255,255,143,27,0,0,0,0,0,0,0,0,0,0,0,120,195,121,0,51,167,208,254,254,254,254,254,254,218,118,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,254,254,254,245,182,71,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,78,182,244,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,241,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,163,254,206,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,204,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,228,252,183,248,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,147,150,0,68,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,196,253,155,0,0,0,0,68,217,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,131,0,0,0,0,0,205,242,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,65,0,0,0,0,0,39,180,232,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,188,6,0,0,0,0,0,0,133,253,192,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,85,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,165,0,0,0,0,0,0,0,20,243,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,165,0,0,0,0,0,0,0,16,227,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,238,18,0,0,0,0,0,0,23,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,246,253,128,0,0,0,0,0,0,128,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,204,0,0,0,0,0,0,133,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,246,35,0,0,0,0,35,223,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,221,32,0,0,3,203,253,253,206,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,253,180,59,108,181,253,253,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,223,253,253,254,253,253,213,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,67,239,255,224,143,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,248,183,254,148,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,254,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,186,253,254,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,173,173,111,39,89,173,237,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,179,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,242,253,207,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,185,254,254,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,247,254,253,213,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,242,253,254,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,169,253,253,254,50,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,195,253,253,253,85,70,68,68,68,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,236,253,253,253,253,220,253,253,253,253,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,195,253,253,253,253,253,255,253,253,253,253,216,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,253,253,242,170,93,93,93,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,244,226,107,107,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,154,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,45,120,203,254,254,173,7,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,64,180,247,245,253,253,253,254,206,157,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,221,253,253,253,254,240,187,137,171,175,228,253,241,19,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,253,244,128,69,31,0,0,93,47,253,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,254,71,0,0,0,0,0,34,47,254,254,127,9,0,0,0,0,0,0,0,0,0,0,0,0,3,124,254,253,234,105,47,47,42,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,253,254,253,128,0,0,89,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,202,253,254,253,246,184,68,206,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,170,254,254,254,254,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,40,160,253,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,254,253,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,254,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,160,239,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,193,253,151,0,230,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,192,13,0,230,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,0,51,247,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,138,0,153,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,234,172,254,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,234,253,253,254,206,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,195,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,247,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,250,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,245,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,255,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,255,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,238,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,239,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,125,232,254,254,254,228,125,211,254,254,244,125,122,0,0,0,0,0,0,0,0,0,0,0,0,49,168,250,253,253,253,253,253,253,253,253,253,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,106,246,253,253,253,253,253,167,142,222,253,253,182,142,142,142,142,70,0,0,0,0,0,0,0,0,0,103,237,253,253,168,19,127,113,5,0,14,19,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,242,178,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,38,92,201,253,253,222,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,92,241,253,241,175,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,218,253,253,185,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,114,253,253,214,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,59,6,0,0,0,19,98,238,253,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,25,0,0,0,0,0,84,212,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,250,180,8,0,0,0,0,0,0,53,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,62,0,0,0,0,0,0,0,139,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,253,19,0,0,0,0,0,0,123,228,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,19,0,0,0,0,8,128,229,253,248,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,104,2,0,7,61,179,253,253,222,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,154,143,180,253,253,250,142,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,253,248,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,244,253,253,253,145,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,243,244,118,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,161,236,252,253,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,252,252,253,252,234,142,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,252,252,252,252,253,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,221,43,22,23,43,221,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,196,0,0,0,0,0,0,85,251,181,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,239,33,0,0,0,0,0,0,0,209,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,146,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,116,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,63,0,0,0,0,0,0,0,0,11,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,0,0,0,0,0,0,0,0,0,0,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,0,0,0,0,0,0,0,0,0,74,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,85,0,0,0,0,0,0,0,0,146,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,116,0,0,0,0,0,0,0,34,238,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,220,0,0,0,0,0,0,0,144,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,211,17,0,0,0,0,132,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,227,120,47,57,161,228,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,252,252,253,252,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,252,252,253,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,242,243,137,54,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,254,253,253,183,148,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,221,252,252,253,252,252,252,252,243,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,221,252,252,252,253,245,178,126,232,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,252,252,252,216,82,0,16,221,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,167,253,252,235,138,252,62,0,0,152,252,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,254,239,62,54,35,0,50,201,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,253,168,0,57,85,85,185,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,210,135,246,252,253,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,252,252,252,252,253,252,252,252,138,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,252,252,252,252,253,252,252,252,252,229,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,254,253,253,253,218,89,0,9,106,229,255,218,30,0,0,0,0,0,0,0,0,0,0,0,0,8,85,225,253,224,159,63,11,0,0,0,0,131,253,252,161,0,0,0,0,0,0,0,0,0,0,0,0,31,252,252,223,40,0,0,0,0,0,0,0,203,253,252,222,0,0,0,0,0,0,0,0,0,0,0,57,211,252,252,106,0,0,0,0,0,0,0,43,239,253,252,100,0,0,0,0,0,0,0,0,0,0,0,85,252,252,208,18,0,0,0,0,0,36,115,221,252,253,182,4,0,0,0,0,0,0,0,0,0,0,0,85,253,253,42,0,0,0,0,0,43,227,253,253,253,230,97,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,156,86,85,85,85,173,227,252,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,252,251,231,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,212,252,252,253,252,252,252,252,253,205,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,147,147,165,217,155,252,164,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,233,254,254,255,254,144,18,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,186,253,120,79,79,145,230,247,142,12,0,0,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,12,250,234,4,0,0,0,0,14,145,21,31,171,223,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,68,0,0,0,0,0,4,108,246,254,238,159,8,0,0,0,0,0,0,0,0,0,0,0,0,0,10,192,217,65,0,0,0,4,149,254,254,112,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,191,247,116,5,5,149,254,240,109,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,105,248,167,163,254,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,221,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,171,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,199,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,222,15,149,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,145,0,77,246,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,132,0,0,171,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,59,0,0,133,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,50,0,0,86,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,99,0,0,73,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,156,0,0,133,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,178,252,147,0,158,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,252,246,253,193,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,170,198,154,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,203,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,250,254,238,154,154,154,154,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,254,254,254,254,254,254,254,251,104,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,254,254,254,194,248,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,240,165,74,8,43,112,254,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,254,254,183,24,0,0,0,0,2,160,254,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,249,58,0,0,0,0,0,0,91,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,31,226,254,254,119,0,0,0,0,0,0,0,30,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,11,0,0,0,0,0,0,0,30,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,11,0,0,0,0,0,0,0,58,254,254,89,0,0,0,0,0,0,0,0,0,0,0,11,197,254,254,254,11,0,0,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,164,2,0,0,0,0,0,0,11,238,254,254,53,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,147,0,0,0,0,0,0,0,173,254,254,142,5,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,147,0,0,0,0,0,0,6,250,254,230,35,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,147,0,0,0,0,0,70,196,254,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,217,8,0,0,0,128,240,254,254,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,10,164,254,254,254,184,132,184,184,238,254,254,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,233,254,254,254,254,254,254,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,236,254,254,254,254,254,254,169,46,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,123,249,254,254,171,44,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,254,254,254,186,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,235,253,236,237,253,236,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,247,230,154,88,29,96,140,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,84,0,0,0,0,0,116,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,0,0,0,0,0,13,221,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,148,157,74,157,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,229,253,253,253,254,253,197,184,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,254,236,167,93,25,0,17,199,195,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,236,84,0,0,0,0,0,19,107,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,234,88,0,0,0,0,0,0,0,0,188,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,54,0,0,0,0,0,0,0,0,0,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,189,84,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,0,0,0,0,0,0,0,0,0,5,112,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,169,34,0,0,0,0,0,0,0,26,189,210,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,255,120,13,0,0,0,32,136,254,199,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,253,234,230,231,230,241,236,148,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,79,245,253,253,253,254,248,221,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,86,160,160,228,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,125,238,254,254,254,153,125,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,242,250,253,253,253,253,253,253,253,249,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,247,253,253,253,213,142,142,142,171,253,253,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,153,96,19,12,0,0,0,5,140,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,157,8,0,0,0,0,0,0,0,59,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,1,0,0,0,0,0,0,0,0,173,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,253,238,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,253,179,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,239,253,241,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,209,22,0,0,0,0,0,0,23,111,169,0,0,0,0,0,0,0,0,0,0,0,0,0,76,240,253,244,97,0,0,0,6,33,114,163,214,252,153,0,0,0,0,0,0,0,0,0,0,0,0,75,241,253,253,101,7,27,121,156,171,253,253,253,232,95,0,0,0,0,0,0,0,0,0,0,0,0,63,243,253,253,253,171,177,253,253,253,253,253,251,223,45,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,253,253,251,240,156,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,248,216,117,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,173,253,142,123,123,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,146,146,146,146,146,146,146,146,146,146,76,41,146,146,22,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,250,248,253,253,248,247,181,73,0,0,0,0,0,0,0,0,0,216,128,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,240,99,0,0,0,0,0,0,0,0,0,21,115,199,115,115,115,115,115,115,115,115,152,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,4,14,14,73,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,202,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,253,253,253,156,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,253,253,253,243,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,250,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,215,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,253,165,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,253,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,249,253,253,249,245,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,145,145,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,174,255,253,222,113,113,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,241,100,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,253,252,252,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,146,223,223,227,252,253,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,140,165,252,252,253,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,255,253,253,253,174,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,252,241,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,253,252,252,252,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,139,252,252,252,240,223,223,145,145,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,239,255,253,253,147,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,252,252,224,252,252,252,202,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,235,120,44,25,44,44,201,252,237,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,142,0,0,0,0,0,15,149,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,169,0,0,0,0,0,0,0,20,145,248,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,38,0,0,0,0,0,0,0,0,89,252,243,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,0,0,0,0,0,0,0,0,0,8,233,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,140,158,168,129,126,78,209,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,63,220,253,252,252,252,252,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,187,253,243,220,111,34,0,0,73,160,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,6,138,236,252,241,82,0,0,0,0,0,0,118,252,144,20,0,0,0,0,0,0,0,0,0,0,0,0,66,252,218,148,36,0,0,0,0,0,0,46,243,248,60,0,0,0,0,0,0,0,0,0,0,0,0,53,241,206,31,0,0,0,0,0,0,0,2,168,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,171,206,0,0,0,0,0,0,0,0,0,47,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,53,243,34,0,0,0,0,0,0,0,0,74,222,252,183,29,0,0,0,0,0,0,0,0,0,0,0,0,120,252,112,0,0,0,0,0,10,74,150,249,252,149,14,0,0,0,0,0,0,0,0,0,0,0,0,0,98,245,191,45,45,45,64,107,240,253,252,252,105,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,252,252,210,146,66,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,90,214,252,252,185,142,95,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,118,207,254,254,124,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,214,253,253,253,253,253,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,213,253,253,253,253,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,243,109,61,61,117,153,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,251,253,244,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,204,253,248,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,251,253,205,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,253,123,0,44,160,186,186,186,119,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,136,88,244,253,253,253,253,253,161,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,253,253,253,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,253,219,129,129,132,253,253,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,160,35,0,0,7,253,253,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,113,4,0,0,9,162,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,6,0,17,63,157,253,253,228,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,253,180,179,199,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,253,253,253,253,238,96,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,124,253,253,253,253,227,116,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,255,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,241,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,104,73,1,0,0,0,0,0,0,141,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,216,254,228,6,0,0,0,0,0,0,169,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,166,12,0,0,0,0,0,0,15,239,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,238,208,9,0,0,0,0,0,0,0,83,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,113,0,0,0,0,0,0,0,0,169,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,113,0,0,0,0,0,0,0,0,169,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,113,0,0,0,0,0,0,26,15,241,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,78,0,0,22,95,95,120,247,205,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,167,160,160,251,254,254,238,174,219,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,254,241,216,205,87,21,0,198,214,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,56,56,56,38,0,0,0,0,16,221,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,64,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,77,163,248,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,68,152,152,152,152,152,152,190,247,235,208,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,146,242,254,254,255,255,254,234,172,48,7,72,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,226,119,40,40,40,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,247,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,101,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,215,0,0,50,86,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,156,25,128,247,254,240,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,216,243,254,148,123,244,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,245,254,194,64,3,0,131,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,100,14,0,0,0,132,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,200,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,15,0,0,105,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,67,0,51,234,217,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,67,49,235,218,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,209,235,251,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,57,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,165,208,240,226,225,215,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,157,244,178,113,62,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,255,224,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,94,219,67,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,215,141,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,128,210,253,181,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,211,230,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,158,247,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,0,0,0,0,0,0,0,0,0,0,4,146,228,26,0,0,0,0,0,0,0,0,0,0,0,0,0,154,27,0,0,0,0,0,0,0,0,0,0,0,185,113,0,0,0,0,0,0,0,0,0,0,0,0,0,74,212,156,67,0,0,0,0,0,0,0,0,0,138,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,126,212,254,223,183,128,114,114,114,156,219,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,48,99,141,168,188,227,240,219,168,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,24,24,139,212,222,138,243,255,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,17,99,162,219,252,252,252,253,252,252,252,252,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,19,188,252,253,252,252,252,252,253,252,252,252,252,253,208,100,13,0,0,0,0,0,0,0,0,0,0,17,188,252,252,253,252,252,252,252,253,235,160,160,56,46,17,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,252,210,137,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,255,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,252,252,228,185,175,244,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,162,130,32,0,0,176,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,181,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,47,47,234,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,137,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,24,108,180,253,244,191,138,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,252,253,252,240,244,117,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,234,252,189,69,69,50,124,252,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,98,4,0,0,0,51,242,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,252,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,253,253,255,253,169,44,181,128,19,70,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,252,253,252,252,252,252,253,236,228,177,26,0,0,0,0,0,0,0,0,0,0,0,100,184,253,252,252,252,252,215,183,183,141,121,69,90,100,69,37,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,64,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,248,252,253,252,221,96,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,253,253,253,252,178,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,178,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,179,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,76,146,216,255,254,255,255,150,119,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,156,253,249,177,177,168,70,70,128,229,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,214,252,165,39,0,0,0,0,0,1,175,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,186,0,0,0,0,0,0,0,111,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,237,250,66,0,0,0,0,0,0,74,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,145,253,145,0,0,0,0,0,0,0,148,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,114,0,0,0,0,0,0,0,206,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,27,0,0,0,0,0,0,46,242,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,126,0,0,0,0,0,18,201,253,228,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,165,253,211,96,55,55,55,94,209,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,203,253,253,253,253,253,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,113,144,232,250,232,232,139,246,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,168,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,237,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,241,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,212,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,255,255,198,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,170,170,170,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,86,0,0,0,0,0,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,114,0,0,0,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,29,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,141,0,0,0,29,141,226,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,57,170,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,0,86,198,255,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,226,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,122,205,254,255,254,215,159,108,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,245,253,253,253,254,253,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,251,198,149,56,56,128,177,247,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,213,11,0,0,0,0,23,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,125,0,0,7,90,240,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,253,220,36,0,87,253,212,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,215,253,225,110,245,246,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,244,253,254,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,254,239,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,230,253,254,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,206,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,252,253,121,32,238,253,244,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,192,15,0,155,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,236,57,0,20,233,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,110,0,0,66,253,253,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,253,208,22,0,7,184,253,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,75,0,10,182,254,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,115,113,231,253,254,230,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,223,253,253,253,253,253,201,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,148,253,253,207,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,18,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,36,36,4,0,0,0,10,107,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,78,0,0,0,91,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,199,253,253,78,0,0,14,148,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,134,5,0,0,90,253,253,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,173,243,253,135,5,0,0,13,202,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,233,253,252,164,30,0,0,9,195,253,253,117,2,0,0,0,0,0,0,0,0,0,0,0,0,7,24,175,253,240,137,0,0,0,11,197,253,253,206,23,0,0,0,0,0,0,0,0,0,0,0,6,42,156,253,253,211,42,0,0,0,16,84,251,253,204,26,0,0,0,0,0,0,0,0,0,0,0,5,87,253,253,233,144,4,0,0,0,19,187,253,253,149,27,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,191,78,78,34,49,42,186,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,253,253,253,253,231,238,234,253,253,253,249,135,97,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,211,89,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,225,124,156,200,74,17,253,253,253,208,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,195,253,253,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,12,17,189,253,253,204,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,193,201,208,253,253,206,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,253,171,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,17,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,194,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,151,190,205,251,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,234,251,251,251,251,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,251,253,251,251,251,152,95,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,255,253,205,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,158,251,251,251,241,101,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,251,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,253,251,251,196,228,142,221,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,251,70,217,253,251,204,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,253,205,242,253,255,253,253,213,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,227,31,221,251,161,185,251,251,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,140,0,111,126,0,16,188,251,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,251,253,62,0,0,0,0,0,127,251,251,182,16,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,251,253,62,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,255,233,96,12,0,0,0,0,223,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,253,251,251,197,91,92,190,190,244,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,251,251,251,251,253,251,251,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,196,251,251,251,253,251,251,251,251,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,94,133,251,193,94,173,113,94,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,121,172,172,183,188,61,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,228,254,242,237,237,251,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,250,238,119,19,0,0,66,237,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,162,254,172,23,0,0,0,0,19,232,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,254,122,3,0,0,0,0,0,174,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,121,4,0,0,0,0,0,60,246,180,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,139,5,0,0,0,0,0,78,228,212,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,230,25,0,0,0,0,0,111,248,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,135,0,0,0,0,0,53,225,215,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,130,0,0,0,204,246,252,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,96,0,0,77,249,255,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,247,244,184,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,254,218,31,0,193,223,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,217,32,0,0,71,244,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,75,0,0,0,0,180,241,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,75,0,0,0,0,164,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,172,6,0,0,0,54,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,254,163,26,0,0,12,233,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,254,193,156,156,215,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,137,249,254,254,195,103,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,213,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,254,216,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,248,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,220,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,213,248,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,245,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,127,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,237,9,0,89,248,232,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,120,0,22,229,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,69,0,81,254,254,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,223,51,20,238,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,122,0,121,152,220,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,114,0,130,51,251,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,220,13,0,26,189,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,208,0,0,129,225,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,250,114,147,246,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,254,254,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,152,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,13,24,181,182,24,24,119,87,87,139,118,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,212,253,232,240,122,253,253,253,254,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,154,38,63,13,69,69,69,69,69,101,184,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,228,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,131,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,81,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,187,229,46,0,0,0,34,9,0,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,203,77,85,186,164,204,197,185,248,216,185,143,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,185,237,229,254,253,253,211,169,109,178,253,253,180,94,34,0,0,0,0,0,0,0,0,0,0,0,0,43,247,253,253,128,149,54,12,2,0,5,23,118,243,254,197,0,0,0,0,0,0,0,0,0,0,0,0,43,242,95,0,0,0,0,0,0,0,0,0,0,0,129,254,138,5,0,0,0,0,0,0,0,0,0,0,0,42,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,96,12,0,0,0,0,0,0,0,0,0,0,32,125,87,22,0,0,0,0,0,0,0,0,0,24,213,254,109,0,0,0,0,0,0,0,0,0,0,0,0,34,239,236,47,47,47,5,0,0,13,47,100,213,203,176,79,0,0,0,0,0,0,0,0,0,0,0,0,43,210,255,253,253,253,191,186,185,204,253,253,255,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,65,236,228,253,253,254,253,253,253,253,254,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,101,180,253,254,232,107,212,96,76,23,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,54,141,241,242,116,29,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,216,252,252,252,253,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,123,246,253,252,252,252,253,252,252,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,241,139,139,240,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,253,253,253,214,0,0,0,179,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,13,144,243,228,252,252,252,113,0,0,0,10,171,252,252,194,44,0,0,0,0,0,0,0,0,0,0,0,57,252,214,141,252,252,252,76,0,0,0,0,57,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,32,139,28,191,252,252,102,0,0,0,0,0,7,153,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,244,25,0,0,0,0,0,0,86,253,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,214,56,0,0,0,0,0,0,0,28,234,253,196,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,196,0,0,0,0,0,0,0,0,0,225,253,158,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,196,0,0,0,0,0,0,0,0,76,249,178,9,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,197,0,0,0,0,0,0,0,32,229,253,101,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,171,0,0,0,0,0,0,7,150,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,84,0,0,0,0,0,0,117,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,184,0,0,0,0,0,151,241,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,203,7,0,92,141,178,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,190,252,253,252,187,169,253,252,233,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,252,252,252,206,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,153,252,164,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,255,187,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,185,9,99,253,253,253,252,147,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,19,56,142,113,253,253,253,250,241,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,236,235,30,7,59,232,253,253,253,240,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,32,0,0,20,151,253,253,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,167,4,0,0,0,9,62,181,253,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,45,0,0,0,0,0,0,8,144,253,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,66,0,0,0,0,0,0,0,9,144,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,155,0,0,0,0,0,0,0,0,29,228,253,249,125,0,0,0,0,0,0,0,0,0,0,0,27,244,253,155,0,0,0,0,0,0,0,0,0,54,228,253,243,30,0,0,0,0,0,0,0,0,0,0,0,211,253,178,8,0,0,0,0,0,0,0,0,0,127,253,253,117,0,0,0,0,0,0,0,0,0,0,0,112,253,253,144,8,0,0,0,0,0,0,0,0,21,232,253,143,0,0,0,0,0,0,0,0,0,0,0,34,240,253,253,77,9,0,0,0,0,0,0,0,0,150,253,156,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,144,8,0,0,0,0,0,0,0,150,253,117,0,0,0,0,0,0,0,0,0,0,0,0,38,220,253,253,253,144,8,0,0,0,0,0,21,163,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,253,253,253,178,127,27,27,27,44,216,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,253,253,253,253,253,253,253,253,253,253,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,217,244,253,253,253,253,253,253,253,242,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,217,252,253,253,232,133,179,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,226,123,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,80,80,128,255,218,80,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,161,253,253,253,253,253,253,240,158,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,237,244,253,253,253,253,253,253,253,253,253,252,237,116,0,0,0,0,0,0,0,0,0,0,0,0,25,195,253,253,253,253,160,249,253,223,185,233,176,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,196,253,248,136,34,34,12,33,34,27,18,29,95,242,253,253,0,0,0,0,0,0,0,0,39,124,124,124,236,253,226,0,0,0,0,0,0,0,0,0,56,222,253,253,0,0,0,0,0,0,0,0,201,253,253,253,253,253,229,16,0,0,0,0,0,0,14,51,225,253,253,234,0,0,0,0,0,0,0,0,47,213,253,253,253,253,253,191,106,69,0,0,0,22,182,253,253,253,212,46,0,0,0,0,0,0,0,0,0,43,233,249,253,253,253,253,253,229,184,14,113,198,253,253,253,234,43,0,0,0,0,0,0,0,0,0,0,0,0,92,165,208,253,253,253,253,253,253,253,253,253,241,165,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,87,155,253,253,253,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,253,253,253,253,252,166,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,253,253,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,72,238,253,253,253,153,25,73,253,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,166,4,0,144,253,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,252,157,15,35,138,249,253,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,181,253,253,248,115,115,249,253,253,253,253,201,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,153,253,253,253,253,253,253,253,253,253,214,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,253,253,253,165,156,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,78,150,253,253,253,83,78,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,29,29,128,141,141,141,141,192,141,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,216,252,252,252,253,252,252,252,253,252,224,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,252,252,252,168,168,168,68,69,224,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,40,65,28,28,0,0,0,0,0,169,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,253,216,141,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,147,197,240,252,253,233,130,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,113,200,237,253,252,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,251,244,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,159,196,145,75,169,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,165,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,252,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,239,42,0,0,0,0,0,0,57,85,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,8,128,246,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,11,127,252,226,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,87,252,199,156,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,255,81,0,0,0,210,253,65,170,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,196,7,0,0,253,252,72,232,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,245,252,83,0,0,200,252,244,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,237,245,169,126,218,252,252,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,147,252,252,253,173,50,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,241,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,234,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,156,236,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,181,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,216,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,135,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,245,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,229,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,250,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,237,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,186,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,34,31,0,0,0,0,11,34,96,143,186,157,253,203,10,0,0,0,0,0,0,0,0,0,0,0,82,252,252,246,176,176,176,176,199,252,253,252,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,252,252,252,252,252,166,253,252,252,252,252,203,10,0,0,0,0,0,0,0,0,0,0,0,35,246,252,250,245,252,252,248,196,16,73,121,230,252,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,90,149,84,82,197,144,72,0,0,0,44,237,252,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,123,252,252,88,0,1,12,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,25,45,72,252,252,252,117,45,54,252,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,224,252,253,252,252,252,252,252,252,252,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,252,253,252,252,252,252,252,252,252,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,241,253,253,255,253,253,253,181,230,184,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,198,201,253,252,252,237,148,147,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,30,68,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,252,252,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,252,252,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,161,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,150,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,214,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,249,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,239,253,221,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,169,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,144,253,145,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,230,154,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,231,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,227,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,231,255,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,254,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,134,253,253,255,127,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,240,248,252,252,252,253,252,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,188,144,26,26,159,247,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,74,13,0,0,0,0,240,252,197,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,134,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,239,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,246,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,246,253,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,94,122,205,108,241,252,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,225,252,252,252,252,252,252,235,87,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,247,252,252,252,252,252,252,252,253,252,205,157,172,200,109,67,64,0,0,0,0,0,0,0,0,0,0,205,252,252,252,252,252,218,198,198,253,252,252,252,252,252,252,252,248,186,0,0,0,0,0,0,0,0,104,248,252,252,252,243,121,29,0,0,80,79,198,212,107,108,212,212,205,79,0,0,0,0,0,0,0,0,253,252,252,243,190,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,246,238,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,231,254,220,150,150,150,150,150,150,234,254,254,156,150,100,16,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,188,14,0,0,0,0,0,0,0,0,0,0,2,91,114,156,166,217,174,217,217,217,134,114,114,114,199,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,158,253,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,176,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,245,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,210,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,143,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,0,0,0,0,0,0,0,13,192,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,226,0,0,0,0,0,0,0,6,189,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,150,0,0,0,0,0,0,0,169,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,212,0,0,0,0,0,0,0,169,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,0,0,0,0,169,252,243,48,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,158,0,0,0,0,0,0,0,117,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,106,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,62,0,0,0,0,0,0,98,142,252,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,148,148,148,148,192,255,253,253,253,253,255,253,21,0,0,0,0,0,0,0,0,0,0,0,29,239,252,252,253,252,252,252,252,253,252,252,252,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,43,242,252,252,253,252,252,247,231,232,152,126,126,232,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,130,189,145,84,84,84,63,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,150,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,217,253,252,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,201,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,252,253,252,174,62,0,0,99,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,1,134,247,252,252,222,55,10,0,0,63,242,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,252,125,0,0,0,0,176,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,168,0,0,0,0,63,237,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,253,253,217,0,0,0,0,0,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,231,71,0,0,0,11,155,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,252,158,0,0,0,0,140,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,35,0,0,0,42,221,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,35,0,0,47,233,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,158,5,0,0,150,252,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,143,0,6,37,253,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,143,0,37,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,135,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,237,247,241,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,252,252,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,215,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,254,250,148,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,231,254,254,254,254,252,243,219,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,254,254,252,151,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,254,254,254,254,254,254,254,254,254,254,158,41,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,254,254,254,254,83,63,162,162,177,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,75,248,254,254,226,102,132,9,0,0,0,6,56,222,241,37,0,0,0,0,0,0,0,0,0,0,0,0,35,242,254,254,169,0,0,0,0,0,0,0,0,157,254,111,0,0,0,0,0,0,0,0,0,0,0,34,220,254,254,254,237,36,0,0,0,0,0,0,0,157,254,215,0,0,0,0,0,0,0,0,0,0,0,27,144,254,254,254,155,11,0,0,0,0,0,0,0,157,254,245,31,0,0,0,0,0,0,0,0,0,0,0,86,250,254,254,39,0,0,0,0,0,0,0,0,157,254,245,30,0,0,0,0,0,0,0,0,0,0,0,108,249,254,254,39,0,0,0,0,0,0,0,7,177,254,241,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,254,39,0,0,0,0,0,0,8,140,255,254,241,0,0,0,0,0,0,0,0,0,0,0,0,37,242,254,254,39,0,0,0,0,0,0,128,254,254,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,254,39,0,0,0,0,7,57,225,254,254,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,254,128,5,0,0,51,177,254,254,254,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,169,151,151,228,254,254,254,254,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,246,254,254,254,254,254,254,254,252,157,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,250,254,254,254,254,250,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,124,225,224,124,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,97,221,254,254,254,216,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,86,177,244,254,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,210,250,253,253,253,254,227,154,48,181,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,250,253,253,250,231,134,59,8,0,12,212,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,210,193,73,0,0,0,0,0,47,253,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,93,12,0,0,0,0,0,0,0,133,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,236,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,238,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,250,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,162,6,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,54,141,191,255,253,253,253,255,253,216,141,13,0,0,0,0,0,0,0,0,0,0,0,0,0,82,169,253,252,252,252,253,252,252,252,253,252,252,252,207,82,0,0,0,0,0,0,0,0,0,0,0,132,240,252,253,252,186,168,56,56,56,56,56,130,234,252,253,240,81,0,0,0,0,0,0,0,0,0,76,243,252,252,241,65,6,0,0,0,0,0,0,0,22,178,253,252,168,0,0,0,0,0,0,0,0,0,79,253,253,253,255,247,150,0,0,0,0,0,0,0,0,0,192,253,253,28,0,0,0,0,0,0,0,0,10,159,196,196,197,103,0,0,0,0,0,0,0,0,0,0,66,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,197,252,222,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,85,19,38,98,234,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,231,237,253,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,244,253,253,254,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,187,252,252,184,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,153,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,235,238,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,254,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,244,254,254,241,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,240,254,254,204,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,210,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,251,254,246,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,255,254,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,251,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,242,254,239,0,0,0,0,57,178,203,128,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,222,0,0,9,166,253,254,254,254,191,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,134,0,2,165,254,254,254,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,37,0,202,254,254,249,144,34,216,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,106,0,214,254,254,107,0,0,182,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,255,186,31,234,254,206,3,8,90,247,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,221,254,249,192,254,254,222,172,201,254,254,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,254,254,254,254,254,254,254,247,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,123,224,254,254,254,254,254,234,197,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,72,193,214,254,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,87,163,254,158,144,67,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,204,253,253,253,253,254,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,236,154,197,254,253,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,246,173,9,0,5,158,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,57,0,0,0,97,254,253,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,247,254,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,248,253,254,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,205,253,254,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,177,254,253,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,244,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,223,247,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,244,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,199,95,0,0,0,12,89,202,253,229,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,252,213,122,122,139,253,253,253,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,253,253,253,253,255,253,253,250,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,167,223,253,253,254,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,67,143,177,33,33,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,73,125,253,98,73,73,0,0,0,0,0,0,0,0,0,0,0,0,0,42,144,144,144,41,0,84,160,251,251,253,251,251,251,251,145,62,0,0,0,0,0,0,0,0,0,0,0,228,251,251,251,97,218,236,251,251,251,253,251,251,251,251,253,231,56,0,0,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,204,142,143,142,158,251,251,253,251,230,62,0,0,0,0,0,0,0,0,0,253,251,251,251,251,253,147,71,41,0,0,0,11,71,200,253,251,251,142,0,0,0,0,0,0,0,0,0,53,222,253,253,253,255,149,73,42,0,0,0,0,0,0,255,253,253,253,72,0,0,0,0,0,0,0,0,0,62,231,251,251,253,251,251,205,144,145,62,0,0,105,253,251,251,188,30,0,0,0,0,0,0,0,0,0,0,30,113,241,253,251,251,251,251,253,231,217,217,241,253,251,220,123,0,0,0,0,0,0,0,0,0,0,0,0,0,103,143,205,251,251,251,253,251,251,251,251,253,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,253,251,251,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,176,253,253,253,255,253,253,253,253,255,253,98,42,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,251,251,251,251,211,107,128,251,251,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,58,217,241,253,251,246,215,86,25,0,5,35,164,253,251,251,236,61,0,0,0,0,0,0,0,0,0,0,217,251,251,253,251,137,0,0,0,0,0,0,79,253,251,251,204,41,0,0,0,0,0,0,0,0,0,105,241,251,251,253,147,10,0,0,0,0,27,180,231,253,251,251,142,0,0,0,0,0,0,0,0,0,73,253,253,253,253,53,0,0,32,73,125,253,253,253,253,255,253,242,103,0,0,0,0,0,0,0,0,0,176,251,251,251,251,222,144,144,190,251,253,251,251,251,251,253,251,112,0,0,0,0,0,0,0,0,0,0,87,236,251,251,251,253,251,251,251,251,253,251,251,251,225,164,35,5,0,0,0,0,0,0,0,0,0,0,0,83,236,251,251,253,251,251,251,251,253,251,157,142,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,71,71,124,147,71,71,71,72,71,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,239,198,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,235,63,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,181,179,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,210,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,37,211,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,250,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,242,204,53,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,251,144,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,252,227,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,211,250,125,2,0,0,6,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,176,161,161,181,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,175,253,253,170,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,233,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,32,0,0,0,0,0,113,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,65,0,0,0,0,0,164,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,30,0,0,0,0,18,231,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,230,185,3,0,0,0,0,80,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,112,0,0,0,0,0,118,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,67,0,0,0,0,0,162,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,26,0,0,0,0,18,229,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,120,32,0,0,0,107,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,254,245,208,208,208,230,254,225,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,186,224,234,224,229,254,254,241,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,78,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,242,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,196,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,207,253,255,253,143,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,253,252,252,218,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,200,252,252,252,253,252,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,223,223,225,233,252,252,252,108,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,204,25,0,0,0,85,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,168,0,0,0,0,85,253,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,112,0,0,0,0,85,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,243,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,194,243,252,253,252,252,179,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,57,198,246,252,252,252,253,233,164,19,0,57,57,44,0,0,0,0,0,0,0,0,0,0,0,0,7,131,252,253,252,252,252,252,225,71,0,4,29,253,252,233,56,0,0,0,0,0,0,0,0,0,0,48,165,252,252,253,252,252,252,173,0,0,111,153,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,147,253,253,253,255,253,228,47,0,114,159,253,253,253,255,253,253,84,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,246,225,225,253,252,252,252,252,253,252,154,9,0,0,0,0,0,0,0,0,0,0,193,252,252,252,253,252,252,252,252,253,252,252,252,252,196,70,12,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,252,245,208,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,142,252,252,253,252,252,252,252,190,112,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,202,252,254,227,154,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,254,254,179,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,216,254,254,167,7,176,254,251,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,189,17,0,19,169,235,254,214,124,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,169,0,0,0,0,125,254,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,23,0,0,0,0,7,151,226,254,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,14,0,0,0,0,0,0,171,254,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,14,0,0,0,0,0,0,91,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,14,0,0,0,0,0,0,16,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,14,0,0,0,0,0,0,16,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,14,0,0,0,0,0,0,16,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,14,0,0,0,0,0,0,59,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,49,250,254,254,24,0,0,0,0,0,0,171,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,169,0,0,0,0,0,32,209,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,203,254,242,97,0,0,0,31,209,254,254,239,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,254,243,163,116,117,208,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,205,254,254,254,254,254,254,254,254,205,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,243,254,254,254,254,254,254,115,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,213,255,254,254,179,100,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,150,197,166,107,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,84,202,254,254,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,228,236,254,254,248,99,27,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,174,254,254,254,104,35,125,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,254,254,85,243,254,238,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,33,239,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,239,254,250,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,41,0,0,0,0,82,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,142,0,0,0,0,82,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,61,0,0,0,0,0,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,192,0,0,0,0,0,62,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,111,0,0,0,0,0,102,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,102,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,122,0,0,0,0,0,0,102,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,192,0,0,0,0,0,0,0,102,254,253,214,51,82,21,123,0,0,0,0,0,0,0,0,0,21,223,253,151,62,61,102,183,102,183,203,223,253,252,253,252,243,223,203,0,0,0,0,0,0,0,0,0,51,253,254,253,254,253,254,253,214,253,224,223,254,253,254,213,82,141,0,0,0,0,0,0,0,0,0,0,31,192,253,252,192,151,71,70,10,50,20,20,213,252,253,131,0,20,0,0,0,0,0,0,0,0,0,0,0,0,102,20,0,0,0,0,0,0,0,0,152,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,255,180,138,44,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,194,252,253,252,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,64,119,234,252,221,184,183,202,252,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,249,236,252,218,35,0,0,13,173,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,252,136,14,0,0,0,0,9,179,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,144,0,0,0,0,0,0,0,116,255,211,7,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,239,33,0,0,0,0,0,0,0,42,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,146,0,0,0,0,0,0,0,0,0,222,252,69,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,74,0,0,0,0,0,0,0,0,0,138,252,69,0,0,0,0,0,0,0,0,0,0,0,0,174,252,252,0,0,0,0,0,0,0,0,0,0,138,252,69,0,0,0,0,0,0,0,0,0,0,0,0,185,253,243,0,0,0,0,0,0,0,0,0,0,139,253,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,0,159,252,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,32,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,189,0,0,0,0,0,0,0,0,95,230,253,157,6,0,0,0,0,0,0,0,0,0,0,0,0,116,249,253,11,0,0,0,0,0,5,55,233,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,203,59,0,0,22,110,178,252,252,231,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,253,209,184,184,215,253,252,252,227,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,252,253,235,128,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,168,252,147,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,181,255,248,165,193,199,165,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,254,254,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,254,219,116,114,55,116,116,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,238,254,128,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,181,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,229,254,253,187,234,203,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,254,254,254,254,254,252,204,88,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,209,225,240,232,254,254,254,254,201,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,31,24,44,114,198,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,114,253,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,157,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,92,176,254,254,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,129,127,41,41,41,134,223,254,254,254,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,254,254,254,254,253,167,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,177,254,254,254,254,254,254,237,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,110,164,221,254,159,76,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,71,71,20,0,71,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,237,237,245,254,254,241,237,255,249,237,237,237,225,210,149,114,0,0,0,0,0,0,0,0,0,0,149,254,206,159,128,114,114,114,114,114,114,114,114,128,201,201,241,245,0,0,0,0,0,0,0,0,0,0,173,254,38,0,0,0,0,0,0,0,0,0,0,0,0,14,224,245,0,0,0,0,0,0,0,0,0,39,250,254,26,0,0,0,0,0,0,0,0,0,0,0,0,39,254,245,0,0,0,0,0,0,0,0,0,149,254,226,15,0,0,0,0,0,0,0,0,0,0,0,0,124,254,175,0,0,0,0,0,0,0,0,0,167,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,151,0,0,0,0,0,0,0,0,0,170,254,159,0,0,0,0,0,0,0,0,6,9,4,2,21,221,254,139,97,0,0,0,0,0,0,0,0,194,254,105,0,0,0,0,0,0,31,55,224,254,210,189,254,254,254,251,166,0,0,0,0,0,0,0,0,58,88,37,0,0,0,0,0,0,119,170,254,208,175,175,214,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,8,4,0,0,177,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,234,230,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,34,34,97,173,254,138,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,224,253,253,254,253,253,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,253,253,154,154,154,206,253,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,247,253,250,116,10,0,0,9,192,253,246,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,251,116,0,0,0,0,172,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,242,0,0,0,0,24,225,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,252,145,3,0,21,156,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,253,180,107,211,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,176,233,253,254,253,223,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,226,254,222,139,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,124,253,253,176,34,0,210,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,223,39,0,0,210,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,251,253,220,36,0,0,6,214,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,253,246,35,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,184,253,155,0,0,0,0,153,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,136,0,0,0,75,214,253,243,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,225,249,88,45,141,255,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,204,253,253,253,254,233,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,176,253,129,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,191,255,103,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,227,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,224,43,165,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,205,13,191,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,109,240,252,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,229,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,225,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,54,229,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,57,57,13,0,79,252,208,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,210,253,252,171,134,253,196,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,252,252,241,47,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,254,253,253,253,254,228,53,29,29,54,141,241,179,22,0,0,0,0,0,0,0,0,0,0,7,187,252,252,247,196,109,159,253,252,252,252,253,252,252,252,134,65,0,0,0,0,0,0,0,0,0,0,7,187,252,214,100,0,0,25,178,252,252,252,253,252,224,118,0,0,0,0,0,0,0,0,0,0,0,0,0,19,28,15,0,0,0,0,4,28,116,139,241,115,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,172,137,137,85,80,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,254,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,109,47,146,247,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,167,9,0,0,232,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,95,0,0,92,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,241,42,0,0,96,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,137,0,0,0,115,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,75,0,0,0,0,214,254,246,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,120,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,249,254,151,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,241,254,225,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,124,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,165,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,221,254,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,188,254,220,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,254,250,73,0,0,0,1,6,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,254,254,124,0,0,0,0,96,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,255,254,164,9,0,0,0,35,225,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,140,146,167,250,207,252,254,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,255,254,254,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,253,223,223,202,214,254,254,169,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,73,68,0,0,0,131,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,249,254,124,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,201,254,214,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,214,171,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,159,6,0,0,0,4,63,63,104,159,144,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,221,254,129,206,222,222,224,254,254,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,254,254,254,169,236,254,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,169,24,20,4,4,4,4,86,234,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,0,0,0,0,0,8,224,254,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,99,0,0,0,0,0,146,254,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,192,30,0,0,0,0,35,252,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,250,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,245,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,201,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,166,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,112,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,219,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,244,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,255,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,235,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,198,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,250,229,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,242,246,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,211,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,247,134,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,232,252,252,253,119,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,159,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,211,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,129,253,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,73,155,218,227,252,252,253,65,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,231,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,255,253,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,77,179,179,180,242,252,252,253,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,180,252,253,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,217,156,197,222,252,253,189,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,175,253,252,252,231,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,210,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,107,255,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,68,253,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,253,253,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,247,254,252,233,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,221,253,236,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,146,253,254,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,193,253,253,102,2,82,150,144,78,62,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,219,12,84,244,254,253,253,254,219,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,52,84,252,254,254,254,253,254,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,253,253,217,244,253,253,254,247,211,240,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,212,142,84,51,136,244,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,250,152,14,0,6,118,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,73,0,48,80,160,253,253,173,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,254,141,211,246,254,254,254,203,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,254,254,254,254,254,232,119,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,240,254,254,254,254,254,176,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,165,253,253,216,95,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,225,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,144,254,254,254,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,254,227,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,235,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,254,254,251,70,0,12,22,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,138,10,78,204,246,250,146,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,243,162,196,254,255,254,254,255,182,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,254,254,254,254,254,254,254,220,181,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,233,254,254,254,254,255,254,174,89,2,41,180,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,254,228,50,4,0,0,0,166,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,254,254,254,227,40,0,0,0,0,30,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,235,254,254,227,40,0,0,0,0,2,112,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,251,39,0,0,0,0,0,35,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,250,60,0,0,0,0,82,220,254,189,20,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,254,254,254,250,183,84,139,183,225,254,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,152,254,162,96,254,254,254,254,254,254,150,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,115,24,1,17,92,163,218,135,83,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,98,216,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,132,59,101,132,221,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,245,248,254,254,215,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,10,35,85,85,128,254,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,184,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,247,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,219,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,185,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,182,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,250,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,13,0,0,0,0,0,0,0,0,0,35,249,184,2,0,0,0,0,0,0,0,0,0,0,0,14,131,247,101,0,0,0,0,0,0,0,0,0,0,198,254,85,0,0,0,0,0,0,0,0,0,65,179,232,254,170,20,0,0,0,0,0,0,0,0,0,0,86,254,214,57,17,0,0,0,15,57,96,214,250,249,197,86,2,0,0,0,0,0,0,0,0,0,0,0,2,136,254,254,228,217,217,217,227,254,254,235,208,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,135,254,254,254,254,254,255,169,86,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,89,155,231,254,174,155,71,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,139,232,253,252,243,243,244,254,253,169,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,207,253,246,155,75,0,0,2,128,253,236,22,0,114,68,0,0,0,0,0,0,0,0,0,0,0,1,158,254,218,79,0,0,0,0,11,191,246,58,0,38,243,241,8,0,0,0,0,0,0,0,0,0,0,79,253,210,56,0,0,0,0,0,105,253,140,0,0,80,254,191,3,0,0,0,0,0,0,0,0,0,0,200,253,133,0,0,0,0,0,0,105,137,4,0,0,131,253,163,0,0,0,0,0,0,0,0,0,0,0,210,253,133,0,0,0,0,0,0,28,0,0,0,52,233,254,163,0,0,0,0,0,0,0,0,0,0,0,194,253,133,0,0,0,0,0,0,0,0,3,107,235,253,254,163,0,0,0,0,0,0,0,0,0,0,0,73,253,226,99,0,0,0,0,0,40,119,198,253,254,253,254,127,0,0,0,0,0,0,0,0,0,0,0,1,146,253,252,249,249,249,250,249,251,253,251,137,26,210,254,64,0,0,0,0,0,0,0,0,0,0,0,0,13,97,178,248,250,249,249,189,148,126,47,0,0,179,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,6,0,0,0,0,0,0,10,209,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,214,223,22,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,228,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,205,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,206,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,158,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,175,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,176,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,192,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,250,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,176,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,125,221,254,255,167,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,249,253,253,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,251,253,253,170,116,180,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,224,48,5,22,208,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,172,45,0,0,53,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,253,45,0,0,22,192,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,226,253,45,0,0,170,253,209,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,176,79,179,242,210,167,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,242,253,253,253,237,77,176,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,242,253,236,78,0,176,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,65,48,0,0,176,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,192,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,251,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,114,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,170,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,29,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,114,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,0,0,57,255,255,57,0,29,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,198,86,170,226,255,255,255,255,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,255,255,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,255,255,255,255,226,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,255,255,198,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,29,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,105,148,245,253,253,254,218,139,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,137,190,242,253,252,252,252,252,253,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,239,252,252,252,250,231,178,196,231,245,252,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,252,140,0,0,0,27,174,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,121,18,0,0,27,211,253,252,235,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,155,253,253,253,87,11,48,218,253,255,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,205,247,252,252,186,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,252,252,253,252,252,247,99,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,253,252,238,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,252,252,253,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,253,237,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,231,80,148,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,153,249,253,252,171,16,0,156,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,167,252,252,243,153,7,0,71,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,79,0,0,27,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,86,0,15,105,253,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,205,11,50,185,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,252,247,232,245,252,252,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,252,185,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,191,252,208,86,42,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,166,187,159,159,159,102,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,241,252,243,243,248,253,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,78,0,0,41,209,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,224,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,98,253,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,253,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,254,247,105,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,253,253,254,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,105,237,255,254,254,254,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,87,224,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,226,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,205,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,85,85,85,54,85,179,245,253,253,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,249,253,254,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,253,253,254,253,252,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,114,253,253,253,253,229,111,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,171,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,252,237,215,215,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,253,252,96,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,253,220,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,252,231,0,0,0,21,37,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,105,206,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,253,217,0,47,233,253,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,215,0,150,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,149,252,241,181,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,168,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,252,253,252,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,221,252,253,252,246,215,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,128,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,146,248,255,255,243,119,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,180,253,253,253,253,253,253,253,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,221,253,253,249,146,69,32,90,167,248,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,145,253,253,232,140,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,226,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,247,253,230,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,215,253,247,79,0,0,0,39,150,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,205,0,0,43,110,241,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,193,145,233,243,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,253,253,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,119,230,253,253,182,109,54,211,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,16,16,4,0,52,250,253,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,253,242,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,128,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,214,253,97,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,24,24,0,0,0,0,0,0,0,0,0,0,0,17,99,162,161,161,120,47,22,0,0,17,47,110,161,228,252,210,0,0,0,0,0,0,0,0,0,0,0,124,252,253,252,252,252,252,199,45,101,209,252,253,252,170,69,6,0,0,0,0,0,0,0,0,0,0,0,207,252,245,160,128,45,45,154,236,252,218,108,46,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,241,42,0,0,0,76,137,106,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,241,255,159,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,196,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,227,252,158,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,252,178,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,231,255,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,180,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,153,118,0,0,0,0,0,0,48,227,252,196,48,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,252,119,0,0,0,0,0,0,0,67,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,136,4,0,0,0,0,0,0,0,5,137,252,242,53,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,211,138,24,9,0,0,0,0,0,0,208,253,231,0,0,0,0,0,0,0,0,0,0,0,0,9,113,227,244,252,253,194,109,120,47,47,38,34,215,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,56,121,222,252,252,252,252,253,240,234,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,67,160,160,244,253,252,252,252,116,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,23,22,22,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,34,138,138,233,253,255,180,107,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,47,140,244,253,252,252,252,252,253,252,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,252,215,183,100,69,69,69,69,171,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,176,56,21,0,0,0,0,0,0,13,121,252,116,0,0,0,0,0,0,0,0,0,0,0,0,253,252,136,4,0,0,0,0,0,0,0,0,0,93,252,63,0,32,74,0,0,0,0,0,0,0,0,0,255,207,0,0,0,0,0,0,0,0,0,0,0,104,253,0,5,191,253,86,0,0,0,0,0,0,0,0,253,206,0,0,0,0,0,0,0,0,0,0,0,155,252,0,47,252,252,117,0,0,0,0,0,0,0,0,253,219,19,0,0,0,0,0,0,0,0,0,0,207,252,0,130,252,252,22,0,0,0,0,0,0,0,0,211,252,162,0,0,0,0,0,0,0,0,0,26,224,252,62,236,252,252,22,0,0,0,0,0,0,0,0,86,252,246,135,11,0,0,0,0,0,0,0,70,252,252,243,252,252,168,2,0,0,0,0,0,0,0,0,0,100,253,253,201,76,19,0,0,0,3,24,138,253,253,255,253,253,245,21,0,0,0,0,0,0,0,0,0,17,123,223,252,253,236,161,109,161,170,252,252,252,231,159,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,25,121,190,252,252,252,252,184,183,183,89,37,24,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,67,160,66,45,0,0,0,0,0,118,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,201,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,200,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,221,69,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,236,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,64,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,201,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,202,232,38,0,0,24,138,138,138,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,244,56,0,147,212,252,252,252,211,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,219,19,68,246,253,240,130,240,252,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,162,187,252,253,164,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,252,246,248,252,180,8,64,248,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,253,253,55,76,138,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,252,170,252,252,252,178,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,202,252,252,253,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,44,236,252,253,252,227,119,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,190,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,96,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,32,72,190,253,251,235,220,240,253,205,190,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,205,126,63,0,79,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,186,219,148,31,19,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,231,47,0,0,0,0,0,0,0,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,24,0,0,0,0,0,0,0,159,255,253,205,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,54,0,0,0,0,0,0,0,158,253,247,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,240,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,251,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,96,96,96,0,0,48,234,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,197,251,251,251,191,91,221,223,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,251,251,251,251,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,251,229,168,31,86,251,253,251,251,185,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,251,59,0,0,64,251,193,114,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,129,0,0,0,0,199,158,0,20,206,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,72,236,251,51,0,0,0,0,39,0,0,0,111,228,251,230,67,0,0,0,0,0,0,0,0,0,0,0,96,251,251,220,48,0,0,0,0,0,0,0,0,32,204,253,236,127,16,0,0,0,0,0,0,0,0,0,12,149,188,148,12,0,0,0,0,0,0,0,0,0,119,213,251,251,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,212,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,21,0,0,0,0,0,0,0,0,33,175,211,19,0,0,0,0,0,0,0,0,0,0,0,0,0,14,209,167,0,0,0,0,0,0,0,0,168,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,244,0,0,0,0,0,0,0,45,249,253,68,1,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,244,0,0,0,0,0,0,0,163,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,185,254,162,0,0,0,0,0,0,20,222,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,135,0,0,0,0,0,0,60,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,115,0,0,0,0,0,0,60,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,227,18,0,0,0,0,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,254,120,0,0,0,0,0,0,0,114,254,254,81,0,0,7,0,0,0,0,0,0,0,0,0,9,161,254,245,51,0,0,0,0,0,0,0,168,254,254,81,0,68,202,24,0,0,0,0,0,0,0,0,125,254,254,227,93,93,93,93,93,54,93,93,200,254,254,218,201,254,159,8,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,254,254,248,254,254,254,254,254,249,233,113,5,0,0,0,0,0,0,0,0,0,113,195,195,195,195,195,195,195,195,195,195,195,234,254,236,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,214,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,253,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,253,253,142,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,255,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,202,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,253,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,246,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,235,0,21,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,245,253,212,145,241,243,190,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,254,253,253,212,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,234,253,253,253,253,242,150,237,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,253,246,129,26,20,230,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,254,204,52,0,0,139,254,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,178,0,0,114,245,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,235,133,217,254,253,247,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,208,253,253,253,253,254,223,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,175,253,253,253,163,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,234,206,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,205,154,80,36,36,36,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,254,254,254,254,180,167,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,186,183,195,254,254,254,254,254,217,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,11,0,8,47,47,92,165,211,254,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,209,7,0,0,0,0,0,0,15,111,254,247,47,0,0,0,0,0,0,0,0,0,0,0,0,27,222,254,144,0,0,0,0,0,0,0,0,33,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,29,0,0,0,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,54,254,198,11,0,0,0,0,0,0,0,2,166,254,213,20,0,0,0,0,0,0,0,0,0,0,0,0,54,254,165,0,0,0,0,0,0,0,0,124,255,243,90,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,60,0,0,0,0,0,0,0,71,251,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,254,185,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,254,191,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,224,254,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,254,185,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,254,240,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,239,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,231,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,248,254,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,188,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,148,192,166,253,253,253,253,254,253,253,253,253,210,253,38,0,0,0,0,0,0,0,0,0,0,0,0,85,224,252,253,252,252,252,252,253,252,252,252,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,14,21,21,21,21,21,21,127,47,21,21,21,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,240,240,240,240,240,148,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,171,240,253,163,89,158,183,252,252,222,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,229,165,39,39,2,0,0,11,67,227,252,218,0,0,0,0,0,0,0,0,0,0,0,61,11,0,0,36,47,0,0,0,0,0,0,0,0,68,252,242,32,0,0,0,0,0,0,0,0,0,80,245,39,0,0,0,0,0,0,0,0,0,0,0,0,11,184,252,147,0,0,0,0,0,0,0,0,0,128,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,0,0,0,0,0,0,0,0,77,247,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,0,0,0,0,0,0,0,0,121,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,174,0,0,0,0,0,0,0,0,190,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,119,0,0,0,0,0,0,0,0,255,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,240,0,0,0,0,0,0,0,0,0,253,252,103,0,0,0,0,0,0,0,0,0,0,0,0,23,200,252,182,0,0,0,0,0,0,0,0,0,253,252,75,0,0,0,0,0,0,0,0,0,0,0,25,197,252,178,11,0,0,0,0,0,0,0,0,0,253,252,158,0,0,0,0,0,0,0,0,0,0,68,196,252,176,15,0,0,0,0,0,0,0,0,0,0,253,252,183,11,0,0,0,0,0,0,0,29,117,244,234,157,17,0,0,0,0,0,0,0,0,0,0,0,154,252,252,67,0,0,0,0,0,29,54,208,252,207,76,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,252,227,58,0,7,41,118,215,253,235,162,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,227,160,174,252,250,225,226,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,106,218,238,238,238,224,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,115,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,32,214,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,251,253,251,219,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,251,253,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,219,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,197,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,251,251,251,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,251,251,251,193,159,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,253,253,253,253,255,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,251,251,253,251,251,236,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,251,251,253,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,251,251,253,251,251,251,251,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,251,251,193,114,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,253,253,253,253,255,253,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,244,251,251,251,253,251,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,251,251,251,253,251,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,31,185,251,253,251,251,251,211,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,94,253,231,173,211,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,193,108,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,254,254,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,254,254,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,254,254,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,247,19,0,18,32,130,89,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,205,254,254,142,4,129,236,254,254,254,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,234,110,201,254,254,254,254,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,254,254,254,254,254,254,254,254,254,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,254,254,254,255,254,254,255,201,224,135,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,210,254,254,254,93,114,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,219,254,254,254,254,253,254,254,254,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,217,254,254,254,254,254,179,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,166,254,147,107,60,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,217,246,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,147,235,253,219,220,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,253,240,137,30,14,229,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,195,61,0,0,0,86,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,245,48,0,0,0,0,79,213,0,23,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,76,0,0,0,0,0,0,196,0,179,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,196,6,0,0,0,0,0,0,30,128,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,30,0,0,0,0,0,0,0,126,235,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,253,0,0,0,0,0,0,0,58,244,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,0,0,0,53,235,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,254,0,0,0,0,0,59,239,235,227,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,8,0,0,0,8,201,183,27,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,183,12,55,130,205,213,12,0,204,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,254,237,247,253,237,53,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,253,185,103,36,0,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,161,249,47,52,77,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,250,57,221,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,251,254,108,86,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,139,9,170,254,153,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,254,109,10,8,215,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,254,142,8,0,120,254,220,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,254,175,6,0,52,236,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,182,254,200,3,0,13,222,254,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,107,0,0,180,254,254,114,59,59,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,195,254,244,224,224,251,254,254,254,254,254,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,82,223,243,254,254,254,230,158,133,133,84,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,251,121,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,187,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,252,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,254,120,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,241,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,244,247,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,125,254,195,76,0,0,13,118,118,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,236,253,253,253,246,196,123,236,253,253,253,191,73,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,253,253,253,253,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,250,128,61,233,253,243,124,198,198,250,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,25,193,253,239,18,20,208,244,103,0,0,85,249,253,225,41,0,0,0,0,0,0,0,0,0,0,0,0,0,23,197,240,137,209,60,75,0,2,93,201,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,200,253,253,210,96,0,28,253,253,253,210,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,77,251,253,252,173,248,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,244,253,253,253,253,209,108,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,234,253,253,253,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,99,251,253,246,246,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,154,253,253,198,80,186,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,141,253,253,199,14,0,186,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,88,37,140,250,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,42,143,253,253,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,253,253,253,224,253,253,208,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,239,174,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,253,253,253,233,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,171,116,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,148,254,255,254,254,221,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,253,253,253,253,120,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,216,132,235,239,253,253,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,220,253,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,227,253,253,253,202,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,126,226,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,189,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,234,253,253,253,253,253,253,228,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,152,191,191,238,253,253,253,229,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,178,253,253,253,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,245,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,78,0,27,220,253,253,253,165,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,246,248,230,236,253,253,253,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,177,253,253,253,253,216,93,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,217,162,129,32,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,255,194,254,160,191,231,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,253,253,253,253,253,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,159,253,253,253,253,253,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,151,131,228,228,228,189,165,150,180,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,229,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,108,0,49,135,167,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,174,253,240,174,213,193,253,191,134,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,223,253,253,253,253,253,253,253,253,253,228,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,253,253,253,253,253,253,253,253,229,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,208,100,61,61,61,61,161,242,253,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,208,100,19,0,0,0,0,0,0,149,243,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,4,49,19,0,0,0,0,0,0,0,0,0,178,253,233,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,196,248,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,136,233,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,121,106,106,125,169,230,230,230,248,253,253,253,253,253,209,83,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,253,253,253,253,253,253,253,253,253,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,253,253,253,253,253,253,253,213,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,129,129,190,190,214,253,223,129,93,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,128,154,253,216,141,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,120,187,252,252,253,252,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,252,252,253,252,252,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,252,252,252,253,252,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,253,255,247,225,75,13,207,253,253,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,128,184,134,65,0,0,32,187,252,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,13,0,0,0,0,0,178,252,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,213,253,252,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,253,254,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,253,252,252,215,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,253,252,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,252,252,253,252,252,252,250,75,0,0,0,0,0,0,0,0,0,0,0,7,66,191,229,22,0,0,0,26,113,113,179,253,253,253,254,197,0,0,0,0,0,0,0,0,0,0,0,82,252,252,253,196,0,0,0,0,0,0,10,122,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,215,57,0,0,0,0,0,10,123,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,69,252,252,253,252,243,225,114,113,113,163,229,252,252,252,253,246,50,0,0,0,0,0,0,0,0,0,0,0,185,253,254,253,253,253,254,253,253,253,254,253,253,253,254,209,25,0,0,0,0,0,0,0,0,0,0,0,28,209,253,252,252,252,253,252,252,252,253,252,252,252,184,28,0,0,0,0,0,0,0,0,0,0,0,0,0,25,128,252,252,252,253,252,252,252,253,252,186,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,139,139,203,252,252,252,190,65,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,188,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,59,0,0,0,7,102,143,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,254,59,0,0,0,22,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,59,0,0,0,69,254,254,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,218,254,218,15,0,0,0,6,190,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,220,254,205,0,0,0,0,0,43,232,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,138,0,0,0,0,0,12,216,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,254,97,0,0,0,0,0,143,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,97,0,0,0,0,0,161,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,248,35,0,0,0,0,0,60,254,254,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,248,36,0,0,0,34,93,130,254,254,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,221,245,193,239,239,245,243,247,254,254,223,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,108,157,186,171,87,42,83,243,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,255,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,248,207,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,151,151,220,211,151,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,227,254,254,254,254,254,254,182,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,254,255,222,218,219,254,254,254,77,0,12,88,141,20,0,0,0,0,0,0,0,0,0,0,0,0,218,254,235,67,8,0,2,106,254,254,195,16,136,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,245,254,231,8,0,0,0,26,228,254,97,183,254,252,201,69,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,128,9,0,0,0,173,254,254,254,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,250,254,254,129,12,0,4,69,253,254,254,250,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,233,167,185,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,155,253,254,254,254,253,253,254,254,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,99,99,99,79,203,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,249,254,250,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,193,150,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,130,207,254,254,254,182,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,200,253,254,253,253,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,237,253,253,154,126,44,44,137,253,252,191,26,0,0,0,0,0,0,0,0,0,0,0,0,0,5,148,253,253,247,87,0,0,0,0,3,201,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,251,179,61,0,0,0,0,0,0,175,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,57,235,253,117,0,0,0,0,0,0,0,0,89,253,238,43,0,0,0,0,0,0,0,0,0,0,0,48,239,253,120,2,0,0,0,0,0,0,0,0,47,243,211,3,0,0,0,0,0,0,0,0,0,0,0,120,253,244,45,0,0,0,0,0,0,0,0,0,0,145,253,66,0,0,0,0,0,0,0,0,0,0,50,242,253,117,0,0,0,0,0,0,0,0,0,0,0,12,253,100,0,0,0,0,0,0,0,0,0,0,163,253,234,12,0,0,0,0,0,0,0,0,0,0,0,12,253,176,0,0,0,0,0,0,0,0,0,19,221,254,169,0,0,0,0,0,0,0,0,0,0,0,0,12,255,254,33,0,0,0,0,0,0,0,0,111,253,227,41,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,62,0,0,0,0,0,0,0,0,53,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,143,0,0,0,0,0,0,0,0,139,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,253,143,0,0,0,0,0,0,0,0,144,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,119,0,0,0,0,0,0,0,0,106,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,253,33,0,0,0,0,0,0,0,0,18,217,245,63,0,0,0,0,0,0,0,0,0,0,0,0,12,253,182,3,0,0,0,0,0,0,0,0,0,177,253,188,0,0,0,0,0,0,0,0,0,0,0,0,79,253,109,0,0,0,0,0,0,0,0,0,0,96,253,231,0,0,0,0,0,0,0,0,0,0,0,100,219,240,46,0,0,0,0,0,0,0,0,0,0,9,167,251,197,24,0,0,0,0,0,0,0,10,183,247,249,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,221,143,101,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,253,253,253,253,253,164,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,230,161,222,248,253,166,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,253,214,23,0,0,120,248,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,191,0,0,0,0,217,253,217,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,253,253,107,0,0,0,0,193,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,186,20,0,0,0,0,121,253,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,184,253,253,74,0,0,0,0,0,217,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,240,54,0,0,0,0,67,245,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,184,253,240,84,0,0,0,0,24,197,253,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,210,0,0,0,0,0,121,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,167,0,0,0,0,26,221,253,133,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,221,13,0,0,0,26,201,253,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,216,0,0,0,74,202,253,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,216,0,21,194,247,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,253,251,236,239,253,253,223,45,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,253,194,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,253,232,129,102,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,141,156,156,194,255,254,254,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,201,253,253,253,253,254,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,253,253,254,186,144,167,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,216,253,240,198,117,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,245,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,255,254,223,66,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,250,253,253,223,58,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,199,253,253,254,142,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,229,254,253,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,178,253,253,244,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,236,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,236,253,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,175,68,0,0,0,0,0,0,0,57,235,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,237,45,0,0,0,0,0,0,0,0,90,254,244,57,0,0,0,0,0,0,0,0,0,0,0,0,153,253,80,0,0,0,0,0,0,0,0,0,0,216,253,205,8,0,0,0,0,0,0,0,0,0,0,20,254,254,58,0,0,0,0,0,0,0,0,0,0,156,254,254,19,0,0,0,0,0,0,0,0,0,0,3,187,253,223,118,72,20,2,0,0,0,0,0,8,163,253,253,19,0,0,0,0,0,0,0,0,0,0,0,84,217,253,254,253,253,181,175,102,101,175,175,205,254,253,168,6,0,0,0,0,0,0,0,0,0,0,0,0,26,117,177,247,253,253,253,254,253,253,253,253,254,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,88,170,253,254,253,253,162,155,133,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,148,227,253,253,165,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,171,252,253,252,217,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,234,247,187,65,21,12,47,232,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,247,98,0,0,0,0,0,140,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,143,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,71,0,0,0,0,0,0,0,168,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,232,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,127,145,232,242,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,143,246,252,252,253,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,199,121,42,77,252,252,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,192,247,97,0,0,0,166,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,97,0,0,22,173,253,189,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,110,22,75,202,252,214,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,252,155,77,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,67,171,231,230,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,229,249,146,53,18,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,104,185,254,254,202,104,105,104,104,104,104,104,104,104,104,31,0,0,0,0,0,0,0,0,0,0,0,169,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,131,0,0,0,0,0,0,0,0,0,0,79,248,245,192,18,110,113,113,113,113,113,113,113,113,113,92,18,5,0,0,0,0,0,0,0,0,0,116,243,213,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,246,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,244,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,247,255,254,237,160,160,139,67,67,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,195,241,254,254,254,254,254,254,237,226,152,70,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,56,56,56,56,136,150,245,246,254,254,184,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,85,169,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,33,117,221,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,86,164,254,254,254,220,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,89,172,249,254,254,254,209,107,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,217,233,254,247,180,131,37,37,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,166,152,66,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,87,191,222,211,138,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,244,249,206,206,244,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,123,38,172,252,189,63,0,0,56,236,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,232,227,119,4,0,0,0,0,135,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,231,100,0,0,0,0,0,0,63,253,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,252,84,0,0,0,0,0,0,0,0,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,230,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,146,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,116,0,0,0,0,0,0,0,0,0,159,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,138,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,179,0,0,0,0,0,0,0,0,0,139,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,234,17,0,0,0,0,0,0,0,0,212,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,85,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,92,0,0,0,0,0,0,0,116,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,217,32,0,0,0,0,0,0,220,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,131,0,0,0,0,0,155,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,227,120,5,0,9,78,236,178,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,252,252,137,81,197,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,236,252,253,252,252,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,253,231,137,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,235,116,19,0,0,0,0,50,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,237,250,231,167,131,222,222,248,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,28,100,227,254,254,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,4,4,200,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,250,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,249,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,249,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,246,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,136,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,241,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,255,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,248,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,187,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,255,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,248,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,239,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,236,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,250,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,176,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,94,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,234,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,243,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,235,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,92,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,150,252,227,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,206,253,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,227,252,252,253,252,226,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,67,232,252,252,253,252,252,252,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,252,252,253,252,252,252,253,159,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,253,253,253,253,255,253,253,253,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,210,180,97,190,252,253,252,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,252,252,252,252,108,0,0,11,175,232,252,252,252,120,5,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,108,0,0,0,62,47,148,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,218,253,253,253,180,0,0,0,0,0,0,0,218,253,253,255,211,31,0,0,0,0,0,0,0,0,0,0,217,252,252,252,179,0,0,0,0,0,0,0,72,231,252,253,210,31,0,0,0,0,0,0,0,0,0,0,217,252,252,252,231,160,16,0,0,0,0,0,0,98,252,253,252,71,0,0,0,0,0,0,0,0,0,0,134,252,252,252,252,252,190,145,104,105,144,145,62,221,252,253,252,71,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,253,253,255,253,253,253,255,170,253,253,255,253,72,0,0,0,0,0,0,0,0,0,0,52,231,252,252,252,252,252,253,252,252,252,253,252,252,252,222,179,51,0,0,0,0,0,0,0,0,0,0,0,72,215,252,252,252,252,253,252,252,252,253,252,205,71,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,169,252,252,252,253,252,231,190,191,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,128,0,64,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,103,255,213,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,211,253,252,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,237,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,242,253,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,231,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,212,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,195,162,162,137,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,253,253,253,253,253,233,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,241,253,253,243,162,124,124,124,229,234,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,208,53,0,0,0,0,206,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,214,12,0,0,0,0,0,206,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,205,0,0,0,0,3,125,252,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,205,0,0,0,0,50,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,205,0,0,0,77,233,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,166,141,210,251,253,246,92,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,253,253,253,253,253,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,145,238,145,106,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,102,119,202,219,163,150,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,247,181,228,231,248,240,202,132,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,147,94,0,19,23,48,140,210,253,227,131,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,188,225,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,68,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,233,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,192,254,218,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,221,254,213,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,234,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,183,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,254,255,195,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,247,162,104,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,77,202,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,67,115,188,253,253,253,253,253,250,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,175,253,253,254,253,214,154,154,154,149,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,133,239,253,253,234,107,10,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,223,253,253,220,117,12,0,0,0,5,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,222,112,22,0,0,0,0,0,61,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,203,14,0,0,0,0,0,0,53,239,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,130,0,0,0,0,20,26,122,237,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,138,78,78,78,112,217,226,253,253,253,178,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,253,253,253,253,254,253,253,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,183,233,239,242,230,221,193,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,40,47,20,0,173,253,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,244,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,201,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,192,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,245,254,207,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,193,254,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,207,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,185,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,181,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,251,34,0,62,141,69,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,117,4,129,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,243,195,41,217,254,225,124,160,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,54,193,254,175,22,0,32,207,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,220,248,172,253,128,3,0,0,49,177,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,92,0,0,0,0,135,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,140,3,0,0,0,11,236,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,243,25,0,0,0,13,182,245,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,94,0,0,0,9,103,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,31,0,0,0,128,254,231,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,225,27,7,13,179,247,236,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,182,249,222,254,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,144,254,254,233,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,164,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,228,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,114,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,0,38,70,104,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,185,139,235,253,253,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,247,145,96,79,169,244,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,219,50,0,0,0,19,236,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,230,0,0,0,0,0,104,245,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,242,55,0,0,38,114,212,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,236,208,207,245,253,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,77,160,254,202,160,94,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,179,234,31,0,17,145,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,175,12,16,192,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,92,4,0,42,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,219,254,41,0,0,119,254,244,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,212,20,0,0,157,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,255,88,0,0,29,252,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,245,254,140,104,56,109,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,254,254,254,254,254,254,254,195,38,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,176,254,254,252,254,254,254,254,250,234,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,99,99,62,254,254,254,178,18,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,254,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,203,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,246,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,176,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,248,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,200,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,255,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,184,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,235,44,0,0,0,0,0,0,50,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,134,0,0,0,0,0,0,173,243,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,229,0,0,0,0,0,15,253,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,254,242,34,0,0,0,0,142,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,72,0,0,0,0,207,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,215,149,106,54,54,217,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,249,254,254,254,254,254,254,254,254,254,254,237,212,197,78,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,254,254,254,254,254,254,254,253,153,10,0,0,0,0,0,0,0,0,0,0,0,45,234,254,220,206,210,254,254,254,254,254,254,254,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,29,48,14,0,4,48,207,254,254,252,167,203,225,218,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,233,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,248,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,244,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,212,254,186,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,254,253,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,214,137,198,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,25,17,224,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,204,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,253,186,91,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,220,253,253,253,254,240,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,101,184,204,254,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,99,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,245,253,198,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,195,253,254,206,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,222,253,253,169,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,229,255,254,214,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,226,253,253,241,156,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,234,162,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,77,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,109,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,200,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,201,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,233,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,188,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,177,177,159,159,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,208,254,238,226,226,241,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,171,67,29,0,0,37,181,236,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,1,0,0,0,0,0,48,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,173,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,136,140,140,122,41,0,0,123,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,151,240,245,238,179,247,252,173,34,224,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,220,114,3,0,0,17,92,231,254,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,209,64,0,0,0,0,0,0,137,254,254,140,33,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,101,0,0,0,0,0,1,126,236,199,193,251,246,124,40,1,0,0,0,0,0,0,0,0,0,0,64,254,101,0,0,0,0,79,181,254,179,41,0,26,106,113,91,10,0,0,0,0,0,0,0,0,0,0,15,220,179,130,61,91,174,246,235,101,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,180,254,254,254,211,128,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,79,103,79,103,103,79,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,218,254,255,254,254,254,255,254,254,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,240,244,214,136,136,70,107,59,119,163,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,135,5,0,0,0,0,0,0,59,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,193,211,13,0,0,0,0,0,0,59,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,244,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,123,0,0,0,0,0,0,0,0,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,130,0,0,0,0,0,0,14,92,194,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,251,49,0,0,4,40,82,165,236,253,232,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,250,221,136,136,209,218,253,253,235,165,81,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,254,253,253,253,248,163,79,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,79,79,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,162,80,0,0,0,115,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,242,28,0,0,173,254,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,171,0,0,173,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,172,0,2,181,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,172,0,48,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,117,54,214,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,254,254,254,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,254,254,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,254,254,254,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,108,143,235,210,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,191,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,244,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,101,101,101,208,255,119,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,208,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,247,253,253,253,253,253,253,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,250,253,253,253,253,253,253,196,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,233,74,61,61,66,240,253,201,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,123,0,0,0,0,169,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,213,253,253,224,7,0,0,0,0,169,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,110,0,0,0,0,0,169,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,209,33,0,0,0,0,0,170,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,168,0,0,0,0,0,0,169,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,168,0,0,0,0,0,49,228,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,168,0,0,0,0,0,144,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,168,0,0,0,0,0,224,253,253,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,253,168,0,0,0,0,8,225,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,207,32,0,0,11,183,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,207,30,57,173,253,253,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,249,253,253,206,245,253,253,253,252,175,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,181,253,253,253,253,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,164,253,253,253,227,156,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,99,193,99,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,222,97,13,24,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,252,252,211,253,236,129,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,252,252,195,130,79,196,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,172,45,9,0,0,47,252,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,180,8,0,0,0,0,47,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,116,0,0,0,0,24,212,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,136,0,0,38,151,212,252,218,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,247,184,184,240,252,247,162,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,98,253,252,252,252,168,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,168,108,116,116,116,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,239,230,135,220,231,230,237,253,96,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,253,92,0,0,0,0,0,25,185,248,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,205,25,0,0,0,0,0,0,0,146,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,116,0,0,0,0,0,0,0,0,74,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,11,0,0,0,0,0,0,0,0,53,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,11,0,0,0,0,0,0,0,9,181,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,136,0,0,0,0,0,0,13,174,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,237,25,0,0,0,38,91,203,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,223,207,207,207,233,252,185,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,96,168,252,147,137,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,255,254,100,67,67,67,67,67,67,67,67,67,67,67,67,35,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,194,34,0,0,0,0,0,0,0,0,0,0,50,246,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,54,177,239,253,253,253,253,205,188,253,253,182,177,231,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,92,112,112,112,112,41,17,112,112,8,0,179,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,239,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,246,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,217,241,253,253,233,42,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,95,236,253,253,253,210,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,253,253,253,253,104,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,150,229,253,253,247,137,27,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,187,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,170,238,253,253,253,189,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,55,241,253,253,253,224,44,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,186,253,253,253,244,139,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,253,247,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,250,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,253,152,130,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,65,65,65,65,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,162,251,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,218,252,252,139,154,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,228,253,252,146,14,18,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,253,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,242,252,244,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,147,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,253,253,253,255,174,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,252,252,252,252,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,252,233,56,21,147,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,56,0,0,14,140,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,253,252,65,0,0,0,85,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,245,49,0,25,227,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,252,140,14,78,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,236,245,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,163,247,252,252,253,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,217,252,253,217,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,47,138,150,195,255,171,92,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,128,249,253,253,253,253,253,253,253,175,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,239,71,22,10,10,10,50,251,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,101,221,0,0,0,0,0,0,249,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,144,253,208,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,238,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,229,253,161,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,204,253,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,145,239,253,211,14,6,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,166,253,253,253,253,253,253,253,253,161,82,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,253,253,207,155,197,253,253,253,253,253,253,199,33,0,0,0,0,0,0,0,0,0,0,0,0,0,16,185,117,36,3,0,2,5,5,5,5,157,225,253,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,198,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,207,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,150,37,0,0,0,0,0,129,253,248,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,198,141,14,0,0,0,88,171,230,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,243,253,95,11,32,115,216,245,248,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,253,253,253,253,253,221,118,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,137,149,194,232,149,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,86,0,0,0,0,0,0,0,0,0,0,0,65,166,222,40,0,0,0,0,0,0,0,0,0,0,0,215,245,91,0,0,0,0,0,0,0,0,22,85,234,253,210,21,0,0,0,0,0,0,0,0,0,0,86,250,253,115,0,0,0,0,0,0,0,0,116,253,253,253,199,0,0,0,0,0,0,0,0,0,0,46,250,253,253,115,0,0,0,0,0,0,0,72,250,253,253,187,116,0,0,0,0,0,0,0,0,0,0,47,253,253,253,115,0,0,0,0,0,0,54,233,253,253,252,214,38,0,0,0,0,0,0,0,0,0,0,131,253,253,232,52,0,0,0,0,0,0,154,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,146,250,253,114,12,0,0,0,0,0,0,117,251,253,253,180,61,0,0,0,0,0,0,0,0,0,0,0,254,253,253,7,0,0,0,0,0,10,46,218,253,253,168,10,0,0,0,0,0,0,0,0,0,0,0,0,255,253,177,3,0,0,0,97,131,168,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,151,78,78,78,223,247,253,253,253,253,232,73,12,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,253,253,253,253,253,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,253,253,253,215,249,211,253,253,232,30,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,172,237,214,38,79,156,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,147,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,243,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,248,253,249,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,233,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,183,201,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,64,255,191,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,191,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,128,128,191,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,255,224,101,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,233,252,253,252,252,203,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,166,106,153,192,252,224,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,10,2,0,0,4,175,252,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,36,0,0,0,0,0,0,0,8,195,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,55,0,0,0,0,0,0,0,0,128,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,202,5,0,0,0,0,0,0,0,0,5,203,241,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,130,0,0,0,0,0,0,0,0,0,0,198,241,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,61,0,0,0,0,0,0,0,0,0,0,198,245,31,0,0,0,0,0,0,0,0,0,0,0,0,147,230,0,0,0,0,0,0,0,0,0,0,0,198,252,99,0,0,0,0,0,0,0,0,0,0,0,0,210,231,0,0,0,0,0,0,0,0,0,0,0,199,247,43,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,0,0,0,0,0,0,0,198,241,0,0,0,0,0,0,0,0,0,0,0,0,0,119,239,35,0,0,0,0,0,0,0,0,0,22,219,241,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,88,0,0,0,0,0,0,0,0,0,114,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,171,12,0,0,0,0,0,0,0,5,184,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,252,55,0,0,0,0,0,0,0,147,252,221,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,197,15,0,0,0,0,3,146,251,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,252,205,88,45,45,108,180,252,229,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,178,252,252,252,252,253,252,188,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,86,161,252,204,143,66,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,240,43,0,0,0,0,0,0,0,0,0,169,169,169,44,0,0,0,0,0,0,0,0,0,0,85,214,69,130,0,0,0,0,0,0,0,0,29,185,253,252,252,139,0,0,0,0,0,0,0,0,0,0,185,240,0,0,0,0,0,0,0,0,0,26,172,240,253,252,252,139,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,41,253,178,166,254,253,253,140,0,0,0,0,0,0,0,0,0,82,252,252,26,0,0,0,0,0,0,76,216,252,252,139,134,196,252,139,0,0,0,0,0,0,0,0,23,234,252,252,63,0,0,0,0,0,67,222,253,252,252,103,0,169,252,139,0,0,0,0,0,0,0,0,29,252,252,252,63,0,0,0,0,0,185,252,253,252,177,3,63,206,252,139,0,0,0,0,0,0,0,0,29,253,253,203,0,0,0,0,0,120,253,253,254,253,216,241,254,253,253,128,0,0,0,0,0,0,0,0,104,252,252,252,51,0,0,0,0,119,252,252,253,252,252,252,253,252,170,9,0,0,0,0,0,0,0,0,104,252,252,252,225,19,19,38,98,234,252,252,253,252,252,252,244,168,37,0,0,0,0,0,0,0,0,0,29,252,252,252,250,231,231,237,253,252,252,252,253,252,252,202,125,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,254,253,253,253,254,253,253,253,254,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,10,171,252,252,253,252,252,252,253,252,252,252,197,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,143,243,253,252,252,252,253,170,56,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,103,177,228,202,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,79,0,95,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,247,251,43,203,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,241,98,221,221,172,206,200,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,4,21,18,32,221,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,236,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,123,246,254,220,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,79,201,254,254,254,238,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,205,230,242,254,236,189,41,0,0,0,0,0,4,71,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,235,244,221,189,30,0,0,0,0,0,0,10,218,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,254,254,70,48,0,0,0,0,0,0,0,0,106,123,0,0,0,0,0,0,0,0,0,0,0,0,0,63,71,71,15,0,0,0,0,0,0,0,0,3,126,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,255,163,0,0,0,0,0,0,0,0,20,40,2,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,250,41,0,0,0,0,0,0,0,0,192,254,111,33,4,0,0,0,0,0,0,0,0,0,0,34,171,254,163,0,0,0,0,0,0,0,0,0,112,160,253,244,164,43,27,27,19,0,0,0,19,47,90,217,252,154,45,0,0,0,0,0,0,0,0,0,0,0,156,138,144,245,241,254,225,151,151,151,223,254,254,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,37,111,147,241,251,245,241,221,111,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,156,157,149,90,67,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,197,254,254,254,254,254,239,216,132,118,103,13,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,254,254,254,254,254,254,254,224,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,19,19,19,19,19,19,19,31,127,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,184,254,254,194,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,142,254,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,254,247,91,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,254,172,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,199,70,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,254,254,162,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,184,254,254,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,39,77,254,213,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,78,247,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,59,128,247,254,196,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,0,91,202,254,247,219,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,176,154,191,176,176,236,236,175,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,255,254,254,217,176,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,171,194,111,58,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,179,194,192,137,51,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,239,254,254,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,172,236,254,254,229,254,141,83,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,231,254,254,228,75,35,175,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,160,254,254,227,49,0,108,235,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,177,0,48,238,242,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,178,254,254,222,35,0,227,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,229,254,254,251,70,0,9,234,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,251,123,0,0,115,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,203,0,0,55,242,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,254,214,26,0,0,114,254,220,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,129,0,0,150,245,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,219,254,254,22,0,19,212,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,254,254,89,1,13,151,254,254,155,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,216,254,254,29,1,107,254,255,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,196,30,109,254,254,243,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,254,230,214,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,247,152,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,51,177,149,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,210,141,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,228,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,254,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,254,254,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,156,224,254,254,250,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,159,254,254,171,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,223,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,232,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,240,248,73,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,249,225,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,221,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,250,234,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,240,255,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,175,241,96,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,181,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,250,238,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,145,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,238,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,236,130,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,109,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,222,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,247,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,229,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,241,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,228,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,192,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,218,50,0,0,10,75,154,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,244,190,164,200,253,253,249,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,206,251,253,251,210,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,112,52,43,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,231,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,238,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,248,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,231,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,251,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,236,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,228,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,229,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,171,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,170,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,171,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,252,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,253,246,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,189,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,95,56,33,39,58,95,95,62,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,99,141,218,246,255,251,248,249,251,254,254,251,249,245,245,245,155,75,7,0,0,0,0,0,0,0,0,194,254,254,254,254,231,171,171,171,171,171,171,171,128,171,171,193,254,254,157,0,0,0,0,0,0,0,0,32,125,24,20,20,15,0,0,0,0,0,0,0,0,0,13,103,240,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,74,148,215,254,252,158,14,0,0,0,0,0,0,0,0,0,0,0,0,0,11,16,16,16,38,121,180,235,254,243,187,107,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,228,254,254,254,254,254,244,192,94,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,218,249,249,249,254,254,248,135,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,138,232,254,202,82,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,130,249,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,196,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,235,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,3,0,0,0,0,0,0,0,0,0,129,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,59,236,20,0,0,0,0,0,0,0,0,55,234,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,221,126,34,21,4,0,0,30,126,237,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,159,221,254,254,254,185,172,172,219,254,218,113,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,109,232,244,244,244,244,125,36,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,98,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,166,253,251,194,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,168,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,241,251,251,201,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,234,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,236,251,251,251,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,251,110,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,251,253,210,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,251,253,168,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,251,251,251,164,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,97,173,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,205,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,54,34,0,106,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,72,169,253,229,51,9,224,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,147,233,253,253,253,253,233,4,107,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,253,151,29,73,244,5,30,253,246,47,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,252,253,239,110,4,0,0,66,1,30,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,30,225,253,253,172,49,0,0,0,0,0,0,30,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,236,9,0,0,0,0,0,0,0,11,179,253,184,6,0,0,0,0,0,0,0,0,0,0,0,171,253,253,64,0,0,0,0,0,0,0,0,0,48,253,253,35,0,0,0,0,0,0,0,0,0,0,11,196,253,253,29,0,0,0,0,0,0,0,0,0,48,253,253,35,0,0,0,0,0,0,0,0,0,0,36,253,253,178,5,0,0,0,0,0,0,0,0,0,48,253,253,35,0,0,0,0,0,0,0,0,0,0,36,253,253,164,0,0,0,0,0,0,0,0,0,0,101,253,178,4,0,0,0,0,0,0,0,0,0,0,36,253,253,164,0,0,0,0,0,0,0,0,0,16,211,253,170,0,0,0,0,0,0,0,0,0,0,0,32,244,253,216,17,0,0,0,0,0,0,0,2,112,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,51,0,0,0,0,0,0,0,90,253,253,188,19,0,0,0,0,0,0,0,0,0,0,0,0,73,237,253,224,94,0,0,0,0,0,60,217,253,211,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,238,253,228,190,84,64,26,84,238,253,191,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,182,253,253,253,245,229,253,253,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,75,135,210,253,217,91,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,107,158,176,254,255,202,83,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,254,254,254,254,254,254,254,232,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,235,254,254,254,167,162,162,178,254,254,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,254,220,109,4,1,0,0,1,12,234,254,136,0,0,0,0,0,0,0,0,0,0,0,0,3,129,253,254,167,19,0,0,0,0,0,0,0,168,254,253,87,0,0,0,0,0,0,0,0,0,0,0,29,254,254,203,20,0,0,0,0,0,0,0,7,230,254,254,186,0,0,0,0,0,0,0,0,0,0,0,29,254,254,41,0,0,0,0,0,0,0,0,4,132,249,254,186,0,0,0,0,0,0,0,0,0,0,0,29,254,254,38,0,0,0,0,0,0,0,0,0,0,230,254,186,0,0,0,0,0,0,0,0,0,0,0,29,254,254,100,0,0,0,0,0,0,0,0,0,82,247,254,186,0,0,0,0,0,0,0,0,0,0,0,13,216,254,252,171,42,0,0,0,0,0,0,79,217,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,70,201,251,254,244,199,111,111,111,111,199,244,254,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,232,254,254,254,254,254,254,254,254,224,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,75,115,115,115,156,145,62,19,12,232,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,240,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,251,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,189,254,176,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,238,198,198,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,213,207,58,0,14,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,213,199,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,207,61,0,0,0,0,0,0,118,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,238,58,0,0,0,0,0,0,85,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,95,0,0,0,0,0,0,37,248,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,146,3,0,0,0,0,0,0,154,194,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,85,0,0,0,0,0,0,75,214,22,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,220,0,0,0,0,0,0,20,217,35,91,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,189,0,0,0,0,0,21,209,165,0,182,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,20,0,0,0,20,209,182,3,17,248,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,104,0,32,115,230,178,16,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,238,199,245,232,112,20,0,0,19,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,130,162,117,16,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,255,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,243,248,218,73,73,73,73,74,73,73,73,74,73,73,73,74,115,218,134,0,0,0,0,0,0,0,0,0,62,176,238,253,253,253,253,254,253,253,253,254,253,253,253,254,253,253,253,0,0,0,0,0,0,0,0,0,0,0,62,108,108,108,191,254,253,253,253,254,253,253,253,254,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,254,222,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,248,253,253,181,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,121,254,253,248,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,254,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,209,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,136,248,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,161,254,253,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,223,253,254,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,243,97,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,212,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,238,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,108,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,14,43,47,26,0,0,0,0,0,0,0,0,0,0,0,0,14,94,105,167,94,56,92,58,176,197,197,204,213,248,253,228,197,75,0,0,0,0,0,0,0,0,0,67,199,253,253,253,253,250,253,250,253,253,253,253,253,253,253,252,232,213,0,0,0,0,0,0,0,0,69,239,253,253,253,253,253,253,252,170,170,170,170,157,67,67,67,64,28,0,0,0,0,0,0,0,0,0,161,253,239,151,28,20,69,124,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,188,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,242,151,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,253,225,71,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,160,251,253,253,225,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,201,249,253,247,156,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,124,242,253,232,138,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,133,230,253,210,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,183,253,243,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,56,251,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,251,190,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,110,21,2,0,2,21,23,146,238,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,178,171,176,253,253,253,253,155,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,108,251,253,253,253,253,249,243,160,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,101,93,93,93,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,155,167,35,0,0,0,0,0,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,252,248,65,0,0,0,0,46,239,206,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,233,97,0,0,0,0,50,143,241,125,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,121,254,250,67,0,0,0,8,165,254,196,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,204,0,0,0,0,97,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,254,254,126,0,0,0,0,206,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,226,28,0,0,0,0,206,254,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,126,0,0,0,0,76,239,254,161,20,30,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,254,87,12,57,57,90,239,254,254,227,210,148,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,210,200,254,254,254,254,254,254,254,230,113,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,254,254,254,254,254,254,254,231,186,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,128,179,179,179,179,179,198,254,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,189,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,160,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,239,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,159,253,253,211,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,218,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,238,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,232,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,232,253,250,119,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,240,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,175,65,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,138,12,0,0,0,0,0,0,0,0,0,0,0,31,13,0,0,0,0,0,0,0,0,0,0,0,0,31,246,88,0,0,0,0,0,0,0,0,0,0,62,247,176,0,0,0,0,0,0,0,0,0,0,0,0,83,252,179,0,0,0,0,0,0,0,0,0,0,180,253,209,0,0,0,0,0,0,0,0,0,0,0,0,148,253,227,29,0,0,0,0,0,0,0,0,0,199,253,209,0,0,0,0,0,0,0,0,0,0,0,0,35,247,253,79,0,0,0,0,0,0,0,0,13,211,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,196,8,0,0,0,0,0,0,8,173,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,26,0,0,0,0,0,48,181,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,201,18,0,0,6,122,193,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,253,253,213,154,78,149,253,253,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,253,253,253,253,254,253,161,56,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,213,254,254,254,237,34,0,23,255,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,77,77,77,67,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,136,157,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,73,227,251,254,228,251,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,142,254,252,146,126,53,243,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,225,98,0,0,169,240,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,238,36,0,0,79,248,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,240,249,104,0,0,17,215,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,254,130,0,0,0,171,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,12,0,22,211,174,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,173,245,218,102,206,223,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,180,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,255,196,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,239,52,146,245,188,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,151,0,0,50,207,209,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,69,0,0,0,41,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,222,17,0,0,0,1,175,250,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,201,3,0,0,0,0,128,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,69,0,0,0,0,142,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,204,60,0,0,48,219,204,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,193,254,240,158,136,245,207,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,122,254,254,218,176,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,191,255,253,253,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,200,252,252,253,176,167,224,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,120,246,252,214,118,56,6,0,59,252,166,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,214,28,0,0,0,7,131,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,118,0,0,0,0,57,252,252,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,106,0,0,0,0,38,144,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,27,0,0,48,147,234,252,242,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,253,155,88,197,227,253,252,239,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,249,239,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,252,220,99,140,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,181,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,239,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,102,163,254,253,254,253,254,213,132,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,102,162,253,212,253,252,253,252,253,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,253,102,0,0,0,21,102,62,142,163,0,103,20,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,151,0,0,0,82,102,183,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,213,92,92,254,253,254,253,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,253,252,253,252,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,244,162,0,203,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,151,151,111,40,0,0,203,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,214,253,255,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,151,232,192,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,138,139,138,170,211,138,139,65,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,253,252,252,252,252,253,252,227,120,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,189,184,196,252,252,252,253,252,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,176,4,0,9,45,45,45,109,177,252,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,35,0,0,0,0,0,0,0,5,190,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,222,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,122,253,252,252,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,93,203,252,253,252,101,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,234,252,252,252,253,252,236,135,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,243,253,255,253,253,253,253,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,92,92,50,92,92,113,206,244,252,253,173,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,215,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,93,208,207,56,0,74,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,116,218,252,243,117,6,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,190,53,0,0,9,128,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,137,0,0,34,174,252,253,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,221,185,184,234,252,252,247,110,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,252,252,253,252,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,137,137,201,252,168,137,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,96,96,115,253,253,153,96,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,88,251,253,251,251,251,251,253,244,190,190,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,189,251,251,253,251,251,251,251,253,251,188,126,47,0,0,0,0,0,0,0,0,0,0,0,0,0,24,186,251,251,251,189,69,31,31,31,31,31,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,251,251,220,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,251,251,133,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,218,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,253,253,255,233,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,102,240,253,251,220,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,251,251,220,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,236,251,251,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,228,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,0,0,0,0,0,48,96,194,255,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,92,228,111,32,32,191,190,221,251,251,253,251,235,180,23,0,0,0,0,0,0,0,0,0,0,0,0,0,173,251,251,251,251,253,251,251,251,251,253,156,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,236,251,251,251,253,251,251,196,89,31,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,251,251,193,94,94,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,255,162,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,212,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,221,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,159,254,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,254,253,224,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,254,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,251,253,254,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,210,253,195,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,166,253,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,225,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,201,244,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,183,242,198,238,188,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,231,254,254,216,176,186,228,246,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,214,90,8,4,0,1,15,79,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,239,26,0,0,0,0,0,0,15,232,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,254,66,0,0,0,0,0,0,0,125,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,149,3,0,0,0,0,0,0,0,195,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,108,0,0,0,0,0,0,0,15,228,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,126,0,0,0,0,0,0,0,121,254,255,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,226,14,0,0,0,0,0,89,247,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,246,254,85,0,0,0,22,155,247,254,254,246,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,225,245,135,126,199,233,249,176,227,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,173,227,254,254,183,57,0,199,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,97,65,9,0,0,199,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,250,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,200,254,249,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,254,184,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,67,161,195,199,254,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,191,254,254,254,224,216,251,241,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,252,254,247,247,254,95,0,70,235,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,143,22,22,235,150,0,0,207,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,216,254,97,3,0,0,87,150,0,9,216,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,177,2,0,0,0,7,29,47,174,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,107,0,0,0,0,13,92,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,251,189,106,92,211,246,254,254,254,165,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,254,254,254,254,254,254,254,254,236,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,255,254,250,222,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,254,255,254,205,165,95,91,57,250,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,241,160,42,8,0,0,0,0,236,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,253,93,0,0,0,0,0,0,0,236,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,207,0,0,0,0,0,0,0,23,241,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,216,254,53,0,0,0,0,0,0,2,178,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,247,254,47,0,0,0,0,0,3,28,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,150,25,0,0,0,23,180,254,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,243,254,181,151,151,186,248,254,254,254,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,227,254,254,254,254,255,254,238,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,254,254,254,230,180,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,255,231,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,228,64,92,249,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,79,0,0,150,229,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,201,3,0,0,29,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,60,0,0,0,16,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,60,0,0,0,2,177,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,60,0,0,0,0,169,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,27,0,0,0,0,169,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,234,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,70,70,121,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,26,81,201,227,228,234,254,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,241,136,31,0,61,253,253,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,133,234,146,22,0,0,0,74,251,86,118,230,128,23,0,0,0,0,0,0,0,0,0,0,0,0,0,155,197,32,0,0,0,0,2,193,238,0,0,46,65,81,0,0,0,0,0,0,0,0,0,0,0,0,159,223,38,0,0,0,0,0,120,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,133,0,0,0,0,0,20,224,206,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,163,254,254,254,255,254,223,156,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,233,233,195,158,242,253,253,253,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,78,142,253,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,244,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,247,222,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,137,221,253,231,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,254,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,99,230,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,115,254,227,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,177,0,111,253,227,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,138,241,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,182,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,133,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,240,254,255,156,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,243,215,145,122,238,189,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,163,5,0,0,148,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,130,0,0,38,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,130,0,0,38,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,68,38,0,0,45,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,133,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,195,253,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,254,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,122,122,156,254,179,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,238,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,201,247,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,84,0,0,0,0,59,236,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,133,0,0,21,151,238,205,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,195,202,230,246,127,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,176,242,159,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,152,152,193,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,203,243,253,252,253,252,253,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,254,253,254,253,254,253,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,253,252,253,252,253,252,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,254,253,224,122,82,142,254,253,254,253,255,213,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,233,111,20,0,62,203,253,252,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,233,41,0,72,193,254,253,254,253,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,232,203,203,253,252,253,252,253,252,253,130,40,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,254,253,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,252,253,252,253,252,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,243,203,203,254,253,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,123,253,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,191,229,253,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,169,253,252,252,252,253,234,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,206,168,168,168,178,252,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,202,13,0,0,0,16,215,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,206,13,0,0,0,0,0,170,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,93,0,0,0,0,0,0,169,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,38,0,0,0,0,60,234,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,143,175,51,76,113,113,241,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,254,253,253,253,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,252,253,252,252,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,187,252,252,253,233,168,118,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,78,28,22,0,0,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,139,139,203,254,254,254,254,129,24,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,229,253,253,254,253,253,253,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,223,253,234,184,131,185,111,69,69,69,191,253,235,34,0,0,0,0,0,0,0,0,0,0,0,0,119,249,254,121,33,0,0,0,0,0,0,0,15,220,253,140,0,0,0,0,0,0,0,0,0,0,0,117,249,253,76,8,0,0,0,0,0,0,0,0,0,36,222,161,0,0,0,0,0,0,0,0,0,0,5,192,246,21,0,0,0,0,0,0,0,0,0,0,0,0,186,212,13,0,0,0,0,0,0,0,0,0,121,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,23,0,0,0,0,0,0,0,0,17,229,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,23,0,0,0,0,0,0,0,0,24,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,219,14,0,0,0,0,0,0,0,0,129,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,161,0,0,0,0,0,0,0,0,0,139,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,161,0,0,0,0,0,0,0,0,0,139,253,69,0,0,0,0,0,0,0,0,0,0,0,0,5,137,253,88,0,0,0,0,0,0,0,0,0,139,253,69,0,0,0,0,0,0,0,0,0,0,0,0,55,253,171,13,0,0,0,0,0,0,0,0,0,139,253,69,0,0,0,0,0,0,0,0,0,0,0,0,181,236,44,0,0,0,0,0,0,0,0,0,0,34,253,174,0,0,0,0,0,0,0,0,0,0,0,106,254,154,0,0,0,0,0,0,0,0,0,0,0,22,246,255,109,0,0,0,0,0,0,0,0,7,160,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,80,241,220,110,22,0,0,0,0,26,68,187,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,217,132,185,91,175,223,253,253,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,88,245,254,253,253,253,253,254,236,129,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,138,159,253,253,147,76,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,134,133,133,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,254,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,254,253,253,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,246,253,254,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,226,253,253,217,141,230,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,253,253,253,29,0,123,253,239,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,115,0,0,25,225,253,205,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,200,253,253,211,7,0,0,0,47,226,253,241,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,93,0,0,0,0,0,182,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,160,1,0,0,0,0,0,182,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,36,0,0,0,0,0,0,183,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,204,15,0,0,0,0,0,0,182,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,23,222,253,253,168,0,0,0,0,0,0,0,182,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,88,0,0,0,0,0,0,0,182,253,237,29,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,48,0,0,0,0,0,0,12,199,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,26,229,253,253,107,11,0,0,0,54,194,205,253,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,166,8,0,149,233,253,253,253,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,145,253,253,253,221,218,254,253,253,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,253,253,253,253,254,253,253,157,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,173,253,253,253,249,121,11,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,96,180,245,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,169,253,254,254,254,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,201,254,217,109,95,134,238,244,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,172,19,0,0,0,117,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,201,20,0,0,0,0,113,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,67,0,0,0,0,0,113,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,204,13,0,0,0,0,0,113,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,13,0,0,0,0,0,0,113,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,217,190,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,242,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,229,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,0,29,212,254,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,72,190,242,195,225,254,203,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,166,254,254,254,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,254,254,254,254,254,254,254,117,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,254,254,255,204,130,236,255,181,87,9,6,43,28,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,252,203,49,0,68,160,254,254,254,225,153,23,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,234,74,0,0,0,0,12,112,112,82,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,128,253,255,127,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,198,241,252,252,253,252,247,197,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,252,252,197,158,159,247,252,252,196,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,126,252,239,88,17,0,0,37,89,240,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,196,252,209,44,0,0,0,0,0,0,87,238,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,202,52,0,0,0,0,0,0,0,0,200,252,108,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,164,0,0,0,0,0,0,0,0,0,200,252,239,64,0,0,0,0,0,0,0,0,0,0,0,96,249,252,53,0,0,0,0,0,0,0,0,0,200,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,226,252,53,0,0,0,0,0,0,0,0,54,230,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,226,252,123,0,0,0,0,0,0,0,50,234,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,154,121,57,51,64,121,176,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,5,215,252,252,252,245,245,246,253,252,212,145,104,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,22,61,228,252,252,252,202,159,89,30,0,117,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,39,39,39,19,0,0,0,0,200,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,214,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,221,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,212,253,253,253,244,138,138,44,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,252,240,206,248,253,252,252,252,211,151,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,183,173,69,50,0,63,69,69,100,183,246,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,230,250,243,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,159,253,253,243,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,161,161,253,252,240,164,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,252,252,247,162,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,252,64,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,252,252,232,231,209,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,116,210,230,255,253,253,159,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,206,240,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,139,253,223,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,66,67,5,0,0,0,0,0,0,0,34,174,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,190,123,38,70,70,70,132,184,234,252,252,173,25,0,0,0,0,0,0,0,0,0,0,0,0,0,44,160,202,203,198,252,252,252,253,252,252,218,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,36,137,232,147,137,117,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,144,192,241,144,101,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,171,253,253,253,254,253,253,155,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,202,253,253,179,154,154,154,236,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,252,144,3,0,0,0,52,190,251,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,253,145,0,0,0,0,0,0,46,172,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,222,14,0,0,0,0,0,0,0,37,165,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,165,0,0,0,0,0,0,53,228,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,180,24,0,0,0,6,74,237,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,253,222,188,154,174,197,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,181,253,253,253,253,254,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,111,193,221,112,111,230,255,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,167,254,254,255,255,254,183,105,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,227,177,177,238,253,253,253,175,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,160,21,0,0,25,32,104,230,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,62,249,241,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,56,157,157,165,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,240,253,253,253,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,250,237,144,237,250,242,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,92,92,72,0,0,0,116,251,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,178,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,64,202,0,0,0,0,0,0,0,0,0,0,15,182,253,151,0,0,0,0,0,0,0,0,0,0,0,0,141,210,0,0,0,0,0,0,0,0,0,26,212,253,183,2,0,0,0,0,0,0,0,0,0,0,0,0,178,228,26,0,0,0,0,0,0,0,94,227,253,227,90,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,250,152,141,104,33,103,141,196,252,253,211,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,139,236,253,253,253,253,253,253,253,237,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,105,145,191,145,106,37,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,152,152,254,253,254,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,252,253,252,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,224,162,102,61,132,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,20,0,0,0,51,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,254,253,254,172,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,253,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,203,122,123,223,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,102,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,61,0,0,0,0,0,0,92,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,151,0,0,0,0,0,62,214,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,151,0,0,0,0,62,203,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,213,41,0,0,82,214,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,243,203,203,243,253,252,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,254,253,254,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,71,151,253,212,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,101,130,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,222,253,253,216,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,253,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,253,246,236,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,253,253,253,211,70,32,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,130,253,253,253,244,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,70,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,244,176,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,204,0,0,0,44,56,56,56,56,56,32,0,0,0,0,0,0,0,0,0,0,0,0,36,174,253,253,253,155,90,186,186,239,253,253,253,253,253,224,186,35,0,0,0,0,0,0,0,0,0,10,227,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,162,0,0,0,0,0,0,0,0,2,84,253,253,253,253,253,253,253,253,253,253,229,179,73,164,210,253,253,217,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,253,196,172,139,49,34,0,0,32,213,253,253,129,0,0,0,0,0,0,0,0,130,253,253,253,253,253,114,43,13,0,0,0,0,73,88,213,253,253,213,25,0,0,0,0,0,0,0,0,237,253,253,253,253,253,229,193,94,25,26,94,193,247,253,253,253,166,25,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,231,231,253,253,253,253,165,42,3,0,0,0,0,0,0,0,0,0,0,142,253,253,253,253,253,253,253,253,253,253,222,148,106,24,3,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,234,218,174,112,18,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,135,205,181,135,52,8,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,218,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,245,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,101,226,253,252,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,215,172,123,219,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,185,185,28,0,75,244,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,197,252,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,185,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,247,252,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,84,253,252,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,247,252,252,202,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,202,252,252,252,108,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,187,252,252,252,252,253,215,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,186,252,252,252,252,252,253,252,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,187,252,252,252,252,221,128,199,249,252,137,0,0,9,138,177,0,0,0,0,0,0,0,0,0,0,17,119,252,252,252,203,79,33,0,0,240,252,227,68,69,186,252,238,0,0,0,0,0,0,0,0,0,0,107,252,252,245,197,29,0,0,0,0,226,252,252,252,252,252,235,143,0,0,0,0,0,0,0,0,0,0,184,252,241,106,0,0,0,0,0,0,102,243,252,252,249,147,39,0,0,0,0,0,0,0,0,0,0,0,169,202,19,0,0,0,0,0,0,0,0,45,119,119,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,207,73,70,0,91,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,246,203,50,0,209,221,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,121,0,74,254,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,9,0,67,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,222,6,0,0,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,188,5,0,0,212,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,177,197,3,0,0,160,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,171,1,7,36,251,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,241,196,207,240,254,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,201,254,254,254,254,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,28,92,95,25,136,255,177,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,233,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,171,254,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,187,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,154,239,254,255,247,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,96,180,252,254,190,108,99,209,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,201,254,240,136,23,2,0,0,162,250,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,241,238,121,10,0,0,0,0,0,113,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,238,60,0,0,0,0,0,0,0,159,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,18,237,216,23,0,0,0,0,0,0,0,0,173,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,189,0,0,0,0,0,0,0,0,0,109,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,224,89,6,0,0,0,0,0,0,0,184,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,213,254,223,220,191,176,133,133,133,142,246,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,59,125,183,125,125,125,125,125,116,159,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,240,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,237,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,153,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,252,252,252,253,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,241,65,65,240,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,253,151,0,0,101,192,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,177,0,0,0,0,216,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,224,43,0,0,0,126,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,168,0,13,138,225,249,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,216,191,255,253,253,253,255,253,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,253,252,252,252,228,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,253,252,252,127,44,224,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,190,139,52,3,26,243,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,241,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,115,0,0,0,0,54,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,38,229,252,224,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,127,3,0,0,0,163,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,69,0,4,54,229,253,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,224,169,179,252,252,227,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,187,252,252,253,252,224,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,190,253,177,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,165,244,254,254,255,195,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,182,253,254,254,254,232,254,254,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,187,37,26,17,26,178,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,218,74,3,0,0,0,61,241,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,214,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,195,254,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,224,254,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,241,254,217,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,254,243,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,230,157,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,222,226,254,254,224,131,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,58,122,206,253,221,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,211,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,202,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,243,39,0,0,0,0,0,0,0,0,0,0,14,72,100,12,0,0,0,0,0,0,0,0,0,0,0,148,248,49,0,0,0,0,0,0,0,0,0,0,53,249,254,218,96,41,1,0,0,0,0,0,0,25,141,249,181,0,0,0,0,0,0,0,0,0,0,0,0,110,240,254,254,254,206,153,117,117,117,118,205,235,254,226,75,0,0,0,0,0,0,0,0,0,0,0,0,0,44,190,241,254,254,254,254,254,254,254,254,254,222,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,76,163,248,254,211,164,163,76,76,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,105,148,180,219,227,179,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,238,253,253,254,235,253,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,173,251,234,107,23,15,11,29,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,134,95,4,0,0,0,0,29,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,245,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,229,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,251,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,193,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,245,255,181,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,253,220,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,241,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,102,0,0,0,0,0,65,130,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,178,192,0,0,0,0,0,93,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,102,0,0,0,0,0,114,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,245,44,0,0,0,0,0,220,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,180,0,0,0,0,0,53,251,212,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,161,0,0,0,0,0,89,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,148,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,20,236,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,5,137,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,92,0,0,94,233,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,220,179,156,216,254,255,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,177,227,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,253,196,114,14,230,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,2,0,24,253,207,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,233,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,141,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,247,234,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,247,165,234,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,246,246,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,178,63,113,113,226,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,196,9,0,0,0,113,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,130,0,0,0,0,25,216,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,202,6,0,0,0,0,0,141,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,134,0,0,0,0,0,0,79,253,216,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,133,0,0,0,0,0,0,10,171,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,84,0,0,0,0,0,0,0,57,252,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,84,0,0,0,0,0,0,0,7,203,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,84,0,0,0,0,0,0,0,0,76,250,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,84,0,0,0,0,0,0,0,0,19,231,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,84,0,0,0,0,0,0,0,0,57,243,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,84,0,0,0,0,0,0,0,0,126,249,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,197,0,0,0,0,0,0,4,128,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,234,63,0,0,0,0,51,128,240,109,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,234,197,198,147,197,246,194,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,177,252,253,227,139,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,104,0,0,0,0,0,0,137,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,229,0,0,0,0,0,0,107,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,196,0,0,0,0,0,0,55,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,145,0,0,0,0,0,0,55,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,238,145,0,0,0,0,0,0,55,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,145,0,0,0,0,0,0,13,232,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,91,0,0,0,0,0,0,0,214,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,106,0,0,0,0,0,0,0,142,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,104,0,0,0,0,0,0,0,142,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,103,0,0,0,0,0,0,86,199,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,154,51,51,51,92,148,217,249,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,200,254,254,254,254,254,244,199,127,193,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,113,176,157,113,71,24,0,0,68,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,239,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,188,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,255,254,199,228,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,254,254,254,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,217,135,110,110,110,188,243,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,224,4,0,0,0,0,0,192,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,192,0,0,0,0,0,1,201,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,154,0,0,0,0,0,7,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,209,2,0,0,0,0,7,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,192,0,0,0,0,0,37,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,192,0,0,0,0,0,76,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,85,0,0,0,0,0,76,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,218,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,212,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,215,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,157,3,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,204,253,178,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,172,252,253,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,252,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,252,140,90,228,252,126,200,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,78,0,0,85,253,255,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,252,78,0,0,85,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,185,28,85,252,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,252,253,234,234,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,225,254,253,253,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,252,223,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,234,50,151,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,234,28,0,0,228,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,225,0,0,0,141,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,175,0,0,0,191,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,126,7,29,179,254,234,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,244,187,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,253,252,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,214,90,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,36,0,0,0,0,0,0,0,0,0,159,195,24,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,212,0,0,0,0,0,0,0,0,48,228,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,0,0,0,0,0,0,0,0,64,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,28,236,251,251,0,0,0,0,0,0,0,0,64,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,162,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,0,0,0,0,0,0,0,0,223,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,24,220,251,251,64,16,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,181,158,59,158,0,0,80,240,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,253,253,253,253,255,233,174,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,240,253,251,251,251,251,253,251,235,248,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,173,251,251,251,251,253,251,126,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,31,31,169,188,129,31,15,181,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,240,253,205,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,243,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,97,168,180,254,255,254,219,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,239,254,254,190,176,176,182,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,174,51,8,2,0,0,22,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,205,252,175,14,0,0,0,0,0,46,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,236,238,122,2,0,0,0,0,8,104,224,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,238,60,0,0,0,11,61,142,235,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,159,0,0,0,139,233,254,254,247,159,172,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,224,138,157,224,240,202,159,105,26,0,184,244,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,218,242,206,188,39,0,0,0,0,23,246,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,0,0,0,0,0,0,0,26,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,242,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,193,150,234,255,218,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,253,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,138,252,253,224,231,231,253,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,173,13,26,26,67,44,0,0,76,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,253,143,7,0,0,0,0,0,38,204,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,62,0,0,0,0,12,110,249,253,218,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,31,0,0,0,7,139,253,253,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,56,0,0,0,167,253,253,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,228,84,8,173,245,253,215,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,253,253,253,245,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,223,253,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,219,253,253,253,253,253,213,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,253,253,253,246,118,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,241,253,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,216,43,131,235,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,227,42,13,113,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,230,253,253,253,220,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,253,253,253,253,250,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,221,253,253,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,149,67,106,108,179,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,29,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,29,114,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,152,152,193,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,253,252,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,183,102,82,123,193,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,0,0,21,223,152,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,213,41,0,152,253,152,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,91,10,0,0,193,252,233,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,151,0,0,0,21,254,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,151,0,0,0,142,253,252,213,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,151,0,0,72,233,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,192,123,203,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,131,50,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,41,0,0,0,51,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,243,122,41,0,173,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,232,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,242,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,139,251,72,8,26,34,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,230,254,254,237,85,66,66,66,66,97,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,108,174,172,234,251,254,254,254,254,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,80,164,179,246,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,250,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,248,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,221,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,48,69,151,151,230,144,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,254,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,254,234,218,162,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,203,171,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,233,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,193,254,242,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,216,100,100,182,203,167,100,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,254,254,254,254,254,252,106,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,254,254,254,254,254,254,254,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,88,120,120,77,55,15,15,52,120,216,254,251,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,210,254,254,236,60,0,0,0,0,0,0,0,0,0,0,0,4,127,219,219,146,115,90,13,115,115,217,246,254,254,194,60,0,0,0,0,0,0,0,0,0,0,0,0,35,201,254,254,254,254,254,254,254,254,254,254,254,181,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,46,195,255,254,254,252,150,150,150,115,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,99,131,107,216,131,131,131,18,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,96,137,163,254,254,254,254,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,115,254,254,254,254,254,254,254,254,254,254,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,89,214,254,254,237,229,199,199,131,214,254,254,254,255,208,7,0,0,0,0,0,0,0,0,0,0,0,3,162,254,235,141,31,0,0,0,0,82,254,254,254,255,254,12,0,0,0,0,0,0,0,0,0,0,0,38,254,235,34,0,0,0,0,11,135,191,254,254,254,254,183,5,0,0,0,0,0,0,0,0,0,0,3,162,254,223,0,0,0,0,33,161,254,254,254,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,13,254,254,229,50,42,0,64,233,254,254,254,254,254,254,182,6,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,254,242,120,233,254,254,254,254,254,254,96,44,0,0,0,0,0,0,0,0,0,0,0,0,10,227,254,254,254,254,254,254,254,254,254,163,254,232,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,254,254,254,204,92,62,187,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,68,189,254,254,203,152,15,0,0,206,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,49,49,16,0,0,0,0,206,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,246,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,128,253,255,253,204,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,247,252,252,253,252,252,199,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,197,252,252,252,252,253,202,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,243,165,39,39,19,230,252,242,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,241,96,0,0,0,0,122,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,136,56,0,0,0,0,0,74,244,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,237,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,222,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,81,81,81,144,250,222,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,200,236,252,252,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,238,252,252,252,252,252,253,252,228,186,81,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,252,252,252,252,252,253,252,252,252,252,165,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,252,252,238,163,93,141,234,252,246,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,214,252,252,250,231,50,0,0,0,34,211,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,147,160,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,125,235,255,254,153,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,118,237,253,253,253,253,253,252,248,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,247,253,253,253,253,253,253,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,215,149,42,19,120,149,224,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,98,16,0,0,0,0,0,132,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,241,222,81,0,0,0,0,7,169,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,162,247,253,253,240,215,215,115,66,0,20,57,85,86,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,205,253,253,253,253,253,243,209,209,239,253,253,227,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,51,186,253,253,253,253,253,253,253,253,253,216,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,195,253,253,253,253,253,253,253,253,132,28,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,245,253,253,253,238,164,65,165,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,237,164,53,0,0,13,193,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,253,214,77,0,0,0,0,32,228,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,38,0,0,0,0,0,133,253,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,55,0,0,0,38,163,226,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,221,41,0,21,146,253,253,229,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,181,57,230,253,253,216,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,229,253,253,253,253,250,213,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,227,252,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,152,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,128,64,128,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,128,128,128,128,191,191,191,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,191,128,191,128,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,64,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,76,153,255,169,91,38,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,155,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,241,253,253,253,253,253,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,214,210,244,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,226,15,0,91,179,253,253,235,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,114,18,0,0,0,21,250,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,217,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,250,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,169,253,230,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,81,85,159,122,128,169,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,253,253,253,216,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,253,253,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,253,216,159,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,163,26,10,113,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,182,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,253,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,255,254,240,118,118,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,251,253,253,253,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,146,252,226,140,40,179,253,253,253,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,134,0,0,165,222,131,244,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,253,159,9,0,33,187,35,0,147,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,246,6,0,0,20,36,0,0,104,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,123,0,0,0,0,0,0,0,104,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,240,3,0,0,0,0,0,0,0,104,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,117,0,0,0,0,0,0,0,0,226,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,103,0,0,0,0,0,0,0,34,244,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,253,103,0,0,0,0,0,0,0,125,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,103,0,0,0,0,0,0,1,138,253,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,100,0,0,0,0,0,1,89,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,219,0,0,0,0,0,0,28,253,253,203,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,251,98,0,0,0,0,0,84,253,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,200,253,103,0,0,0,0,87,242,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,139,31,0,0,89,239,246,187,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,215,45,164,239,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,188,245,253,253,253,248,131,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,116,190,116,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,125,161,254,254,254,231,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,250,253,253,253,253,253,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,253,253,253,253,225,142,142,162,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,218,109,19,14,0,0,27,219,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,218,104,0,0,0,0,0,0,103,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,48,0,0,0,0,0,0,0,169,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,89,21,0,0,0,0,0,0,0,169,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,236,244,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,166,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,244,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,234,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,80,234,253,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,87,169,169,236,253,253,253,215,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,253,253,253,253,253,253,253,253,193,146,33,33,15,0,0,0,0,0,0,0,0,0,0,0,0,12,187,253,253,253,253,253,233,227,246,253,253,253,253,251,99,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,211,24,0,102,234,237,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,242,132,79,0,0,0,0,17,110,110,45,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,203,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,64,0,0,0,64,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,128,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,64,128,191,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,128,128,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,255,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,125,125,125,225,254,160,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,118,168,250,253,253,253,253,253,253,252,160,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,241,253,253,253,253,253,253,253,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,215,149,149,45,19,49,170,253,253,251,90,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,213,38,16,0,0,0,0,0,6,184,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,92,249,149,0,0,0,0,0,0,0,19,204,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,100,0,0,0,0,0,0,20,120,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,209,219,253,253,253,226,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,243,253,253,253,253,253,247,122,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,206,253,253,253,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,65,65,65,65,160,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,253,248,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,242,18,0,0,0,0,0,0,0,0,0,0,0,0,0,30,5,0,0,0,0,0,0,0,0,33,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,65,244,122,27,5,0,0,0,0,0,0,33,253,253,245,45,0,0,0,0,0,0,0,0,0,0,0,0,97,241,253,253,168,114,20,20,20,20,20,50,253,253,241,9,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,253,253,253,253,253,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,45,117,227,252,253,253,253,253,253,253,253,253,253,240,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,123,224,253,253,253,253,253,172,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,164,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,191,157,240,225,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,249,146,22,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,217,143,32,0,10,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,204,23,0,0,0,149,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,240,96,0,0,0,38,243,143,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,9,0,0,23,208,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,222,6,0,0,88,231,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,71,29,64,241,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,254,254,255,146,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,74,158,230,189,198,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,221,101,0,5,141,245,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,114,0,0,0,10,250,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,178,13,0,0,0,3,194,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,221,179,0,0,0,0,10,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,103,0,0,0,0,87,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,134,0,0,0,0,104,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,107,229,43,0,0,44,228,159,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,225,123,124,226,200,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,156,254,230,145,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,185,79,0,0,0,0,0,0,0,0,0,0,0,48,70,0,0,0,0,0,0,0,0,0,0,0,65,232,253,220,0,0,0,0,0,0,0,0,0,0,41,218,236,76,0,0,0,0,0,0,0,0,0,0,91,253,253,220,0,0,0,0,0,0,0,0,0,0,205,253,253,106,0,0,0,0,0,0,0,0,0,0,91,253,253,220,0,0,0,0,0,0,0,0,0,15,211,253,253,106,0,0,0,0,0,0,0,0,0,0,91,253,253,236,64,0,0,0,0,0,0,0,0,116,253,253,253,106,0,0,0,0,0,0,0,0,0,0,91,253,253,253,129,0,0,0,0,0,0,0,5,142,253,253,253,230,13,0,0,0,0,0,0,0,0,0,91,253,253,235,59,0,0,0,0,0,0,0,12,177,253,253,253,253,15,0,0,0,0,0,0,0,0,0,240,253,253,228,34,0,0,0,0,0,45,66,66,151,253,253,253,253,15,0,0,0,0,0,0,0,0,0,255,253,253,253,206,156,156,156,156,156,222,253,253,253,253,253,253,253,15,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,15,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,21,0,0,0,0,0,0,0,0,0,155,225,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,179,0,0,0,0,0,0,0,0,0,0,57,228,228,228,196,154,80,65,65,65,65,65,65,217,253,253,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,174,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,190,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,210,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,222,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,89,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,163,228,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,125,252,254,246,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,217,254,239,123,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,211,254,208,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,214,254,187,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,199,254,150,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,246,238,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,251,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,221,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,251,156,140,140,134,44,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,254,254,254,254,246,202,112,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,115,86,123,128,204,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,254,72,0,0,0,8,150,254,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,243,31,0,0,31,222,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,160,30,30,160,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,249,254,239,239,254,219,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,226,200,152,62,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,240,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,154,254,175,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,181,8,199,20,0,0,0,0,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,244,242,4,0,60,0,0,1,96,212,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,251,64,0,0,0,0,2,122,254,154,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,246,3,0,0,0,2,90,254,157,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,200,33,0,0,62,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,74,207,252,147,47,222,155,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,130,251,248,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,255,251,148,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,240,101,129,247,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,171,7,0,121,250,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,252,74,0,0,0,149,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,18,0,0,0,2,198,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,210,7,0,0,0,0,84,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,183,0,0,0,0,0,81,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,15,0,0,0,0,96,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,157,33,0,0,22,209,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,197,242,119,172,237,245,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,239,255,188,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,64,128,128,128,64,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,64,255,255,255,255,128,128,128,128,128,191,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,255,255,255,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,80,80,86,255,254,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,204,253,253,253,253,253,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,253,253,253,253,253,253,236,191,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,203,253,253,253,253,253,253,253,182,0,30,140,122,0,0,0,0,0,0,0,0,0,0,0,0,0,137,227,253,253,253,218,136,34,34,34,25,26,209,253,248,121,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,253,52,0,0,0,0,35,199,253,253,150,72,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,253,73,16,0,71,202,216,253,211,52,9,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,253,253,191,106,156,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,249,253,253,253,253,253,253,253,250,140,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,116,253,253,253,253,253,253,229,167,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,162,253,253,253,253,253,253,253,251,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,144,104,104,249,253,253,253,238,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,209,253,253,231,55,0,0,73,231,253,253,253,242,91,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,147,0,0,0,0,149,253,253,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,147,2,36,36,36,163,253,253,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,195,120,253,253,253,253,253,253,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,253,253,253,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,253,253,253,253,253,209,37,0,0,0,0,0,0,0,0,0,0,0,0,0,43,108,253,253,253,253,253,253,253,253,216,78,78,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,182,192,131,49,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,254,254,231,110,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,192,254,254,254,254,254,254,227,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,254,254,254,81,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,99,99,178,229,254,254,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,185,254,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,206,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,164,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,242,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,226,118,62,81,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,122,245,254,254,254,254,254,244,250,243,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,189,254,254,254,254,254,254,254,254,254,254,245,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,254,254,254,254,254,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,254,254,164,136,136,136,179,208,136,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,255,255,227,39,2,0,0,0,2,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,247,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,247,0,0,0,35,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,0,0,0,201,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,0,0,0,214,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,0,0,0,214,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,154,0,0,20,222,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,228,253,251,101,0,0,94,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,240,0,0,0,109,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,233,0,0,0,228,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,107,0,0,0,228,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,254,107,64,122,177,254,254,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,250,253,253,246,247,254,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,253,253,254,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,249,103,40,172,253,228,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,151,186,102,50,0,32,244,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,191,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,191,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,229,252,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,253,253,253,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,230,253,253,253,132,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,223,22,0,0,0,0,0,0,0,0,0,9,32,45,77,0,0,0,0,0,0,0,0,0,161,253,253,224,45,0,0,0,0,0,0,0,51,159,202,207,223,231,247,0,0,0,0,0,0,0,0,0,254,253,253,149,0,0,0,0,0,0,16,159,236,253,253,253,253,253,247,0,0,0,0,0,0,0,0,0,254,253,253,149,0,0,0,0,0,80,204,253,253,253,253,253,253,253,248,29,0,0,0,0,0,0,0,0,254,253,253,170,6,0,0,0,146,237,253,253,253,253,253,253,253,253,248,35,0,0,0,0,0,0,0,0,231,253,253,253,184,62,31,79,238,253,253,253,253,253,253,253,253,253,223,0,0,0,0,0,0,0,0,0,106,165,253,253,253,253,225,239,253,253,253,253,253,253,253,253,253,224,39,0,0,0,0,0,0,0,0,0,0,103,252,253,253,253,253,253,253,253,253,253,253,253,253,253,241,40,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,253,253,253,253,253,224,90,0,0,0,0,0,0,0,0,0,0,0,0,0,46,157,241,253,253,253,253,253,253,253,250,213,104,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,235,253,253,253,250,210,110,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,163,149,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,67,67,67,67,67,67,67,67,67,67,67,67,67,67,52,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,253,253,253,253,253,253,253,253,253,253,253,226,69,0,0,0,0,0,0,0,0,0,0,0,190,246,253,253,253,253,253,253,253,253,253,246,245,253,253,253,226,198,0,0,0,0,0,0,0,0,0,0,0,54,177,177,177,177,177,177,177,177,177,59,34,211,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,191,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,253,253,253,152,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,234,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,151,219,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,148,249,253,253,253,240,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,165,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,160,239,253,253,253,253,145,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,52,235,253,253,253,253,191,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,253,187,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,216,253,253,253,234,84,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,48,195,253,253,253,253,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,253,253,215,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,106,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,236,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,65,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,192,254,253,191,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,142,252,252,253,252,252,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,252,252,252,241,231,189,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,252,155,35,0,75,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,182,24,0,0,232,252,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,223,35,0,8,157,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,47,0,0,78,252,252,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,210,11,0,9,245,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,16,186,253,252,252,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,54,186,252,253,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,253,253,253,253,255,253,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,252,252,252,252,218,252,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,247,252,247,187,51,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,84,63,0,43,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,77,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,226,254,254,254,255,170,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,253,209,166,215,240,253,252,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,243,103,0,0,36,193,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,11,0,0,131,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,55,0,0,149,253,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,73,7,103,248,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,85,182,254,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,253,253,254,239,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,224,235,254,253,248,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,66,162,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,135,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,253,191,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,0,0,0,17,239,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,7,225,18,0,0,0,0,0,0,0,0,0,172,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,18,0,0,0,0,0,0,0,0,0,176,253,215,5,0,0,0,0,0,0,0,0,0,0,0,0,27,253,140,11,0,0,0,0,0,0,0,0,141,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,7,193,253,219,113,35,0,0,0,0,0,0,207,253,224,6,0,0,0,0,0,0,0,0,0,0,0,0,0,3,148,242,253,248,199,150,127,57,60,178,252,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,130,221,249,253,254,253,253,253,253,188,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,134,254,253,253,190,107,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,148,253,253,255,218,148,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,212,126,83,126,233,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,28,0,0,0,101,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,123,245,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,173,253,252,252,205,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,101,224,246,252,253,236,82,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,252,253,111,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,200,252,252,253,252,206,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,106,124,211,250,227,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,0,0,0,0,0,0,0,118,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,241,0,0,0,0,0,0,0,2,123,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,0,0,0,0,0,0,0,0,64,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,45,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,237,37,0,0,0,0,0,0,82,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,170,43,0,0,0,0,131,232,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,253,252,242,161,127,128,206,251,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,237,252,252,252,253,252,252,183,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,138,173,252,191,147,50,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,193,148,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,137,232,252,253,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,252,247,187,127,205,251,221,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,212,63,0,0,0,161,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,217,29,0,0,0,0,171,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,63,0,0,0,0,146,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,32,237,252,231,239,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,218,11,0,0,0,105,252,242,51,106,167,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,111,6,0,98,253,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,253,252,214,211,246,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,225,253,253,253,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,63,63,221,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,232,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,94,0,0,0,0,0,0,174,219,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,241,62,0,0,0,0,0,184,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,241,4,0,0,0,9,219,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,4,0,0,0,90,254,254,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,188,1,0,0,0,105,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,110,0,0,0,0,48,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,249,31,0,0,0,0,133,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,75,0,0,0,0,114,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,80,0,0,0,0,108,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,80,0,0,0,0,182,254,245,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,251,59,0,0,4,104,242,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,231,6,25,185,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,205,254,231,249,254,173,156,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,210,254,254,203,20,108,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,22,54,11,0,189,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,141,141,141,141,141,216,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,206,253,252,252,252,253,252,252,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,168,168,168,168,128,252,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,28,0,0,0,0,179,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,253,255,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,187,252,252,222,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,252,127,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,253,196,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,168,224,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,153,252,214,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,187,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,224,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,79,254,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,157,150,252,252,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,198,197,215,252,253,252,252,177,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,252,140,115,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,185,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,226,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,133,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,197,228,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,166,251,253,253,156,139,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,75,241,249,237,253,149,4,189,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,91,38,148,25,16,222,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,182,252,183,9,0,16,23,0,48,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,215,253,183,6,0,0,0,0,0,48,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,217,211,128,3,0,0,0,0,0,0,118,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,90,222,254,212,159,159,170,254,255,254,215,159,212,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,236,215,215,204,122,122,135,215,215,250,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,82,149,98,31,0,0,0,0,0,0,0,0,161,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,246,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,209,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,134,255,180,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,253,253,253,194,0,27,124,134,189,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,239,71,28,206,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,248,253,253,243,68,53,233,253,253,193,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,221,253,253,250,62,1,120,253,253,251,10,0,27,155,204,17,0,0,0,0,0,0,0,0,0,0,4,128,253,253,253,170,0,109,253,253,253,141,0,3,174,253,253,35,0,0,0,0,0,0,0,0,0,0,111,253,253,253,186,4,0,160,253,253,253,67,27,171,253,253,253,35,0,0,0,0,0,0,0,0,0,0,154,253,253,253,221,65,71,225,253,253,253,184,216,253,253,253,234,27,0,0,0,0,0,0,0,0,0,0,154,253,253,253,253,253,253,253,253,253,253,253,253,253,253,167,40,0,0,0,0,0,0,0,0,0,0,0,42,223,253,253,253,253,253,253,253,253,253,253,253,253,169,12,0,0,0,0,0,0,0,0,0,0,0,0,0,41,172,253,253,253,253,253,253,253,253,253,195,72,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,5,5,182,253,253,253,153,24,5,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,246,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,205,11,85,166,166,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,199,242,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,253,253,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,166,253,253,154,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,254,254,175,106,105,105,106,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,238,253,253,253,253,253,253,253,254,217,209,209,209,210,130,4,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,133,170,151,118,179,178,178,214,253,253,253,190,18,0,0,0,0,0,0,0,0,0,0,61,253,253,253,232,35,0,0,0,0,0,0,35,233,253,253,253,59,0,0,0,0,0,0,0,0,0,0,29,206,253,253,223,0,0,0,0,0,0,0,0,224,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,23,253,253,170,0,0,0,0,0,0,0,0,224,253,253,168,4,0,0,0,0,0,0,0,0,0,0,0,4,59,59,17,0,0,0,0,0,0,0,0,224,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,241,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,254,255,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,253,189,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,244,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,137,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,211,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,253,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,125,125,147,255,238,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,253,253,253,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,253,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,253,253,253,253,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,236,253,228,126,189,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,249,253,180,53,99,244,253,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,232,253,227,34,0,145,253,253,253,253,236,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,249,253,227,54,0,0,11,195,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,227,54,0,0,0,0,64,194,253,253,232,21,0,0,0,0,0,0,0,0,0,0,0,0,0,120,249,253,128,0,0,0,0,0,0,46,253,253,234,61,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,32,0,0,0,0,0,0,12,85,232,253,248,83,0,0,0,0,0,0,0,0,0,0,0,0,241,253,182,9,0,0,0,0,0,0,0,0,136,253,253,110,0,0,0,0,0,0,0,0,0,0,0,82,250,253,155,0,0,0,0,0,0,0,0,0,10,186,253,200,0,0,0,0,0,0,0,0,0,0,0,100,251,253,89,0,0,0,0,0,0,0,0,0,0,70,253,240,0,0,0,0,0,0,0,0,0,0,0,0,241,253,168,5,0,0,0,0,0,0,0,0,0,111,253,240,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,55,4,0,0,0,0,0,0,0,102,216,253,159,0,0,0,0,0,0,0,0,0,0,0,0,46,232,253,253,123,14,0,0,0,0,4,40,216,253,242,45,0,0,0,0,0,0,0,0,0,0,0,0,0,100,245,253,253,219,143,143,143,143,163,253,253,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,253,253,253,253,253,253,253,232,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,166,253,253,253,253,253,230,123,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,254,255,254,254,254,254,224,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,154,170,253,253,253,253,253,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,253,253,193,182,182,190,253,171,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,233,164,27,0,0,6,47,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,236,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,251,252,132,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,238,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,173,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,30,8,0,0,0,0,0,74,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,188,125,48,25,27,123,227,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,202,253,253,253,219,223,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,164,253,253,253,253,253,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,76,195,253,253,253,253,253,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,95,198,170,100,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,64,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,64,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,235,254,126,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,253,253,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,208,253,253,199,89,203,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,204,253,253,155,7,0,22,169,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,205,253,242,103,2,0,0,0,22,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,174,253,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,243,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,175,253,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,250,66,0,0,0,0,0,0,0,29,149,149,149,90,0,0,0,0,0,0,0,0,0,0,0,0,30,253,250,104,0,0,0,0,0,3,92,227,253,253,253,247,132,0,0,0,0,0,0,0,0,0,0,0,11,253,249,61,0,0,0,0,119,198,253,253,237,193,193,186,163,0,0,0,0,0,0,0,0,0,0,0,2,178,233,0,0,0,3,168,253,253,253,235,62,0,0,134,240,47,0,0,0,0,0,0,0,0,0,0,0,164,233,0,0,0,134,253,253,225,122,13,0,0,0,201,253,9,0,0,0,0,0,0,0,0,0,0,0,116,251,120,0,0,220,253,180,37,0,0,0,0,121,251,174,2,0,0,0,0,0,0,0,0,0,0,0,45,243,232,80,0,12,150,72,0,0,0,0,121,232,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,251,201,134,59,35,7,23,35,168,251,253,154,5,0,0,0,0,0,0,0,0,0,0,0,0,0,31,121,253,253,253,253,253,202,230,253,253,254,190,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,61,196,236,254,253,253,253,253,223,111,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,33,130,153,195,230,153,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,62,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,221,140,140,140,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,44,44,44,173,253,253,253,253,253,253,200,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,253,253,253,253,253,253,253,194,30,0,0,0,0,0,0,0,0,0,0,0,17,70,202,211,253,253,253,253,253,253,227,226,69,52,219,253,214,135,9,0,0,0,0,0,0,0,0,33,197,253,253,253,253,242,147,147,147,147,5,0,0,0,137,253,253,253,78,0,0,0,0,0,0,0,0,86,253,253,253,253,248,97,0,0,0,0,0,0,0,0,10,151,253,253,78,0,0,0,0,0,0,0,0,255,253,253,253,237,85,0,0,0,0,0,0,0,0,0,0,115,253,253,138,0,0,0,0,0,0,0,0,255,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,0,0,0,0,0,0,0,0,254,253,253,155,11,0,0,0,0,0,0,0,0,0,0,205,249,253,253,204,0,0,0,0,0,0,0,0,255,253,253,253,163,77,0,0,0,0,0,0,89,149,149,235,253,253,253,78,0,0,0,0,0,0,0,0,218,253,253,253,253,241,210,53,59,228,228,228,243,253,253,253,253,253,233,62,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,152,75,0,0,0,0,0,0,0,0,0,14,152,226,253,253,253,253,253,253,253,253,253,253,245,218,72,43,10,0,0,0,0,0,0,0,0,0,0,0,0,34,138,138,138,150,253,173,253,253,142,138,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,60,19,60,60,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,59,180,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,253,253,38,0,0,0,0,0,0,0,0,73,109,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,174,0,0,0,0,0,0,0,69,223,247,122,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,51,0,0,0,0,0,0,0,99,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,192,23,0,0,0,0,0,0,16,158,253,245,107,0,0,0,0,0,0,0,0,0,0,0,0,68,242,253,193,24,0,0,0,0,0,0,40,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,38,0,0,0,0,0,0,40,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,99,0,0,0,0,0,0,101,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,233,0,0,0,0,0,96,244,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,253,248,135,0,0,0,0,176,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,232,255,194,59,59,105,254,254,254,254,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,254,253,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,91,253,253,253,254,253,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,18,125,213,215,213,241,253,161,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,246,192,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,250,245,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,45,0,0,0,0,0,29,137,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,225,0,0,0,0,0,117,252,248,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,238,0,0,0,0,0,200,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,238,0,0,0,0,0,200,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,238,0,0,0,0,0,200,252,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,238,0,0,0,0,0,200,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,181,252,238,0,0,0,0,0,200,252,252,228,12,0,0,0,0,0,0,0,0,0,0,13,133,146,146,224,252,252,246,77,14,1,0,0,123,252,252,252,106,0,0,0,0,0,0,0,0,0,64,246,252,252,252,252,252,252,252,252,253,139,14,0,137,252,252,252,106,0,0,0,0,0,0,0,0,0,184,253,253,253,253,253,253,253,253,253,255,253,253,253,253,253,253,253,240,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,238,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,238,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,239,158,117,172,173,214,172,172,136,154,252,252,238,0,0,0,0,0,0,0,0,0,218,252,252,252,252,238,86,0,0,0,0,28,0,0,0,54,252,252,238,0,0,0,0,0,0,0,0,0,95,249,252,252,238,87,0,0,0,0,0,0,0,0,0,14,193,252,241,54,0,0,0,0,0,0,0,0,0,131,248,218,86,0,0,0,0,0,0,0,0,0,0,0,152,252,252,231,0,0,0,0,0,0,0,0,0,0,83,15,0,0,0,0,0,0,0,0,0,0,0,0,15,193,243,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,255,61,171,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,192,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,164,253,253,224,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,119,248,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,145,253,253,249,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,253,253,155,89,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,150,5,55,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,189,248,253,195,5,0,55,253,233,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,160,253,253,236,144,0,0,0,55,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,238,64,0,0,0,0,12,211,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,251,123,12,0,0,0,0,145,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,182,253,253,253,213,147,143,69,60,176,253,233,81,60,60,104,168,76,0,0,0,0,0,0,0,0,0,0,15,142,214,253,253,253,253,253,253,253,253,253,253,253,253,253,253,240,30,0,0,0,0,0,0,0,0,0,0,0,6,91,169,226,226,226,226,248,253,253,243,226,226,226,226,121,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,250,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,210,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,212,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,100,0,0,0,0,0,0,0,0,0,0,3,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,216,131,0,0,0,0,0,0,0,0,0,0,129,254,23,0,0,0,0,0,0,0,0,0,0,0,0,124,249,71,0,0,0,0,0,0,0,0,0,52,246,201,10,0,0,0,0,0,0,0,0,0,0,0,72,252,137,1,0,0,0,0,0,0,0,0,28,217,238,32,0,0,0,0,0,0,0,0,0,0,0,11,206,213,10,0,0,0,0,0,0,0,0,0,174,254,111,0,0,0,0,0,0,0,0,0,0,0,26,217,231,82,0,0,0,0,0,0,0,0,0,64,237,186,11,0,0,0,0,0,0,0,0,0,0,0,99,230,85,0,0,0,0,0,0,0,0,0,8,209,231,38,0,0,0,0,0,0,0,0,0,0,0,10,223,184,0,0,0,0,0,0,0,0,0,0,126,254,83,0,0,0,0,0,0,0,0,0,0,0,0,24,254,82,0,0,0,0,0,0,0,0,0,74,239,182,7,0,0,0,0,0,0,0,0,0,0,0,0,24,254,101,0,0,0,0,0,0,0,0,0,217,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,8,180,255,226,165,124,124,124,124,124,178,191,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,175,207,207,207,207,207,144,130,156,254,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,255,195,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,244,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,250,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,251,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,227,255,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,253,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,226,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,210,253,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,236,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,229,253,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,232,253,231,17,0,0,0,0,6,88,97,97,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,79,0,0,0,0,139,221,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,243,36,0,0,55,224,254,254,254,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,39,243,253,193,0,0,33,250,254,253,236,134,81,127,253,148,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,49,0,5,195,253,254,215,55,0,0,123,253,127,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,43,0,67,253,253,237,16,0,0,43,225,238,27,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,43,0,150,253,253,144,0,0,43,194,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,98,0,121,253,253,240,155,143,234,253,224,27,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,246,131,81,253,253,254,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,253,253,253,253,253,253,254,253,253,243,175,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,234,253,253,253,253,253,254,247,192,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,91,165,171,189,165,109,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,194,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,221,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,174,214,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,48,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,105,214,254,254,253,198,198,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,195,248,254,244,250,254,254,254,254,249,129,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,240,254,254,167,48,59,67,70,188,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,190,125,48,2,0,0,0,0,5,20,186,254,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,32,0,0,0,0,0,0,0,0,0,0,30,237,254,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,6,6,5,0,0,15,242,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,83,243,254,254,234,156,54,13,240,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,209,254,254,254,254,254,254,254,216,252,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,254,243,163,109,111,170,229,254,254,254,254,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,245,76,0,0,0,0,25,122,233,254,254,254,238,64,0,0,0,0,0,0,0,0,0,0,0,0,128,254,232,10,0,0,0,0,0,0,193,254,254,242,254,248,173,51,0,0,0,0,0,0,0,0,0,0,37,254,254,174,85,0,0,0,0,30,237,254,230,53,163,254,254,254,0,0,0,0,0,0,0,0,0,0,4,136,253,255,236,100,4,0,17,187,254,252,77,0,7,73,129,129,0,0,0,0,0,0,0,0,0,0,0,0,129,234,254,254,185,172,238,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,189,254,254,254,254,254,210,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,119,197,197,197,137,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,33,94,173,232,245,174,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,60,119,222,254,254,228,207,230,250,239,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,117,220,239,179,121,57,57,1,0,0,207,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,170,25,0,0,0,0,0,0,7,216,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,0,0,0,0,0,0,0,0,78,254,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,202,254,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,177,254,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,156,251,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,242,254,227,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,122,71,60,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,230,16,0,0,0,0,0,0,0,0,0,0,0,0,2,84,128,13,0,0,0,0,0,0,0,13,228,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,129,0,0,0,0,0,0,19,196,254,167,15,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,254,204,4,0,0,0,0,41,199,254,168,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,149,2,0,43,134,238,254,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,207,254,254,232,231,249,254,201,59,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,193,255,254,249,173,97,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,118,118,193,118,193,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,98,98,221,240,254,254,254,254,254,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,254,254,254,254,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,214,199,201,254,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,174,82,22,4,41,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,103,103,11,0,3,116,254,254,254,250,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,155,254,254,254,201,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,150,254,254,254,200,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,252,254,254,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,77,232,254,254,254,254,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,196,254,254,254,254,254,254,254,253,187,187,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,254,254,254,255,254,255,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,254,254,254,254,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,147,254,254,132,242,254,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,67,239,253,254,254,254,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,166,238,254,254,254,254,255,254,254,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,254,254,254,254,253,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,186,254,254,254,254,254,247,124,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,192,254,254,254,247,196,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,199,254,120,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,111,236,196,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,253,189,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,248,254,253,80,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,253,253,218,44,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,246,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,253,154,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,204,122,108,12,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,254,253,172,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,245,66,66,162,187,253,253,209,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,242,253,194,0,0,0,5,62,235,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,70,0,0,0,0,0,0,182,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,192,253,70,0,0,0,0,0,0,85,253,227,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,114,0,0,0,0,0,40,228,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,131,0,0,0,0,45,228,253,253,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,204,0,0,0,8,194,253,253,241,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,246,35,0,39,207,253,253,246,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,253,106,45,227,254,253,249,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,253,253,253,255,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,244,99,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,253,205,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,255,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,244,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,6,0,0,0,0,147,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,251,31,0,0,0,81,238,246,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,114,253,220,18,0,0,1,177,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,223,34,0,0,0,74,254,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,233,254,32,0,0,0,6,207,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,182,254,175,2,0,0,60,147,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,247,64,146,231,237,251,254,254,207,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,249,254,254,254,254,254,246,246,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,253,161,109,44,37,210,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,146,108,56,0,0,0,73,244,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,244,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,246,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,201,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,251,181,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,114,170,170,226,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,170,226,255,255,255,255,170,141,86,57,0,0,0,0,0,0,0,0,0,0,0,0,0,57,114,226,255,255,255,170,86,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,255,255,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,147,219,214,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,200,254,254,254,254,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,198,252,253,163,39,32,118,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,254,226,81,0,0,0,99,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,227,42,0,0,0,0,99,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,231,43,0,0,0,0,3,197,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,185,0,0,0,0,0,60,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,97,0,0,0,0,8,173,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,200,4,9,17,103,182,254,164,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,254,184,208,254,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,249,162,235,254,233,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,16,16,15,0,201,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,236,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,237,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,239,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,255,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,234,254,170,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,247,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,229,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,246,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,193,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,248,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,147,0,14,100,196,219,156,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,66,57,230,254,254,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,235,251,57,237,254,220,120,34,187,251,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,175,162,254,203,14,0,0,105,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,226,248,254,104,59,92,10,187,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,242,222,254,254,254,236,136,254,199,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,244,250,127,234,241,254,245,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,235,165,202,254,254,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,254,254,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,161,185,239,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,71,186,253,254,254,254,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,159,254,254,254,115,26,108,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,218,254,254,174,29,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,157,251,143,35,0,0,0,107,219,207,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,81,216,250,142,0,0,0,10,109,249,254,249,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,179,0,0,10,85,213,254,254,216,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,190,13,0,10,187,254,254,249,157,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,66,0,13,211,254,254,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,240,61,110,181,254,254,197,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,224,254,254,254,224,0,77,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,81,254,254,254,254,254,247,253,246,197,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,186,254,247,192,192,192,193,192,207,254,236,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,160,0,0,0,0,0,7,231,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,221,254,208,8,0,0,0,0,13,147,250,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,232,38,0,0,0,0,0,216,254,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,210,0,0,0,0,19,142,252,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,192,210,0,0,8,24,235,255,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,112,106,213,254,254,246,106,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,121,236,187,166,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,70,70,70,70,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,114,207,207,207,208,207,240,252,252,253,252,240,207,61,0,0,0,0,0,0,0,0,0,0,0,95,168,253,252,252,252,252,253,252,252,252,252,253,178,137,179,137,0,0,0,0,0,0,0,0,3,97,170,253,253,242,230,146,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,214,102,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,196,131,70,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,244,207,165,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,96,137,137,137,137,158,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,174,116,0,83,240,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,82,114,240,252,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,233,252,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,253,236,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,207,185,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,196,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,255,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,254,239,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,187,253,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,171,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,129,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,209,0,88,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,104,0,202,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,99,0,0,230,230,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,137,0,0,144,253,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,211,3,0,144,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,180,155,211,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,253,253,254,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,115,191,143,143,52,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,192,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,221,225,50,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,244,252,142,13,31,171,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,252,252,252,217,218,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,211,253,208,252,252,252,253,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,237,99,233,253,253,254,253,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,188,252,252,253,252,252,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,175,234,247,143,236,252,252,252,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,252,253,252,221,98,0,14,120,221,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,253,182,21,0,0,0,0,30,147,235,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,45,0,0,0,0,0,0,0,0,194,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,190,80,0,0,0,0,0,0,0,0,27,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,158,0,0,0,0,0,0,0,0,0,253,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,239,69,0,0,0,0,0,0,0,71,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,239,158,35,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,253,253,253,209,148,55,48,148,236,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,252,252,252,253,231,247,252,217,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,144,247,252,252,252,253,252,252,252,244,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,252,252,253,252,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,42,174,253,252,252,226,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,165,199,123,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,220,156,149,239,244,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,125,0,0,116,225,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,219,15,0,33,232,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,245,202,4,0,99,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,232,254,148,87,185,145,87,87,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,126,227,254,254,247,201,211,247,246,229,146,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,115,254,75,0,9,43,109,139,223,226,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,217,13,0,0,0,0,0,32,163,243,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,0,0,0,0,0,0,0,4,214,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,106,0,0,0,0,0,0,0,0,94,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,106,0,0,0,0,0,0,0,0,13,186,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,249,16,0,0,0,0,0,0,0,0,7,164,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,9,0,0,0,0,0,0,0,0,120,247,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,9,0,0,0,0,0,0,0,113,236,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,255,9,0,0,0,0,0,0,147,236,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,11,0,0,0,1,5,147,235,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,106,0,0,65,151,254,175,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,218,218,137,216,219,142,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,215,240,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,195,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,221,254,251,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,254,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,218,254,254,192,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,227,254,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,246,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,242,254,172,0,0,0,0,0,2,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,119,0,0,0,80,145,192,240,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,246,42,0,28,134,254,254,254,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,172,0,30,221,254,254,254,239,244,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,139,0,119,254,254,237,90,14,189,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,139,10,223,254,211,52,0,66,250,234,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,139,94,254,254,175,0,69,238,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,151,106,254,254,214,147,236,254,248,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,248,193,254,254,254,254,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,254,254,254,254,255,254,254,171,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,254,254,254,254,254,224,106,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,118,202,220,166,139,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,0,0,0,0,0,0,45,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,187,0,0,0,0,0,12,234,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,169,0,0,0,0,0,93,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,125,0,0,0,0,16,207,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,89,0,0,0,0,65,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,88,0,0,0,18,206,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,39,0,0,0,115,254,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,98,0,0,40,244,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,182,0,14,211,246,250,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,83,173,246,128,250,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,209,254,192,92,100,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,92,9,0,184,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,241,211,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,217,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,199,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,201,228,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,164,254,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,230,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,234,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,251,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,254,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,255,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,215,254,166,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,230,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,251,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,194,118,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,197,255,139,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,224,253,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,86,197,254,253,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,197,251,253,251,253,251,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,255,253,255,253,254,253,169,225,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,138,0,168,253,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,255,253,254,139,141,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,251,253,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,225,254,253,254,253,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,139,251,253,251,253,251,253,251,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,196,0,0,198,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,83,0,0,28,196,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,84,0,57,141,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,83,169,224,253,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,254,253,254,253,254,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,254,253,254,196,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,253,138,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,242,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,254,104,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,232,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,248,254,89,136,178,123,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,254,255,254,180,159,200,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,254,230,129,11,0,0,18,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,254,165,18,0,0,0,0,0,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,205,254,206,9,0,0,0,0,0,20,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,228,38,0,0,0,0,0,0,76,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,197,254,169,0,0,0,0,0,0,15,197,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,254,92,0,0,0,0,0,1,159,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,75,0,0,0,0,32,108,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,149,45,7,57,211,248,204,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,254,245,221,254,237,93,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,194,159,159,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,200,255,239,130,130,107,7,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,253,253,253,253,222,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,236,189,235,235,235,235,235,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,242,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,224,19,63,180,180,180,180,80,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,148,232,253,208,191,240,253,230,140,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,179,253,253,240,157,17,0,48,101,208,253,151,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,253,203,0,0,0,0,0,19,188,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,203,0,0,0,0,0,0,18,229,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,222,253,203,0,0,0,0,0,0,0,223,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,69,0,0,0,0,0,0,0,223,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,240,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,70,91,236,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,112,112,209,241,247,251,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,250,253,253,253,253,253,253,253,95,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,253,253,253,153,129,129,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,147,198,188,147,47,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,197,254,254,254,254,254,210,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,252,249,251,254,254,203,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,187,55,0,44,102,239,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,154,17,0,0,0,0,163,254,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,194,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,250,254,221,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,144,254,254,193,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,254,195,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,254,254,167,0,0,0,45,69,104,104,104,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,253,204,250,250,252,253,254,254,254,207,17,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,254,254,254,254,254,254,254,254,254,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,134,146,146,153,231,146,146,121,84,141,100,56,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,91,105,82,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,51,112,27,0,0,113,247,254,253,195,203,77,0,0,0,0,0,0,0,0,0,0,0,0,0,6,85,171,253,253,75,0,0,0,35,134,173,208,243,253,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,240,113,9,0,0,0,0,0,40,97,189,209,0,0,0,0,0,0,0,0,0,0,0,0,136,255,203,97,40,0,0,0,0,0,18,167,198,202,166,40,0,0,0,0,0,0,0,0,0,0,0,0,224,247,69,0,0,0,0,0,4,130,217,93,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,224,0,0,0,0,0,48,195,94,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,224,0,0,0,27,142,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,14,27,75,158,52,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,236,182,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,195,227,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,120,239,47,214,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,183,204,87,4,254,134,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,211,27,0,0,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,193,0,0,58,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,250,71,3,199,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,60,56,11,60,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,255,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,247,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,226,254,65,0,0,0,0,0,0,62,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,9,0,0,0,0,0,23,241,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,190,3,0,0,0,0,0,94,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,216,5,0,0,0,0,1,176,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,169,0,0,0,0,0,10,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,169,0,0,0,0,0,10,254,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,124,0,0,0,0,0,91,254,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,75,0,0,0,0,0,104,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,255,100,0,0,0,0,24,234,255,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,213,68,0,0,10,140,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,214,254,241,152,104,213,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,150,178,243,254,179,189,254,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,78,0,38,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,240,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,216,245,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,234,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,146,101,51,89,216,255,254,255,166,192,146,190,194,60,0,0,0,0,0,0,0,0,0,0,0,83,184,206,253,253,230,248,253,253,253,253,253,253,253,253,253,234,27,0,0,0,0,0,0,0,0,0,0,160,253,253,198,139,103,85,139,55,32,104,99,135,139,184,248,218,21,0,0,0,0,0,0,0,0,0,0,114,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,27,5,4,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,253,253,167,198,190,206,88,134,157,131,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,253,253,253,253,253,253,253,253,231,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,239,237,200,129,198,237,239,253,253,234,81,0,0,0,0,0,0,0,0,0,0,0,0,25,228,229,181,92,10,0,0,0,0,0,8,92,200,253,202,10,0,0,0,0,0,0,0,0,0,0,0,8,54,30,0,0,0,0,0,0,0,0,0,0,21,246,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,159,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,58,91,0,0,0,0,0,0,0,0,0,163,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,3,175,240,22,0,0,0,0,82,60,128,211,252,253,212,3,0,0,0,0,0,0,0,0,0,0,0,0,52,240,253,250,182,141,240,249,253,191,253,253,253,203,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,94,253,253,253,253,253,221,253,226,126,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,53,11,253,253,246,214,168,90,37,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,42,25,140,146,145,145,145,145,111,25,4,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,157,235,253,253,253,254,253,253,253,253,253,253,171,106,19,0,0,0,0,0,0,0,0,0,0,48,186,253,253,253,253,253,253,254,253,253,221,240,239,244,253,232,165,0,0,0,0,0,0,0,0,0,47,226,253,253,253,253,253,198,77,72,72,72,24,52,52,59,72,41,0,0,0,0,0,0,0,0,0,0,145,253,253,236,180,83,60,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,217,253,253,191,195,114,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,165,253,253,253,253,180,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,167,155,236,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,241,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,171,250,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,38,63,0,0,56,171,245,253,253,216,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,231,246,148,206,242,253,253,217,111,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,156,170,253,253,253,174,53,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,24,24,24,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,194,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,159,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,222,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,200,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,113,0,0,0,0,0,65,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,234,17,0,0,0,0,24,238,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,227,0,0,0,0,0,62,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,245,68,0,0,0,0,62,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,215,244,125,47,0,0,86,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,121,215,248,238,237,247,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,87,114,114,244,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,128,161,161,161,136,70,78,95,162,161,161,229,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,253,253,254,253,253,253,254,253,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,113,46,46,46,71,137,137,71,46,50,220,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,0,0,0,0,0,0,0,0,0,147,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,251,164,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,45,138,233,253,191,138,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,193,253,252,252,252,252,253,252,252,177,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,215,110,69,69,69,69,154,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,119,45,21,0,0,0,0,0,9,196,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,51,93,108,252,252,236,103,155,207,176,17,0,0,0,0,0,0,0,0,0,0,0,0,0,53,127,230,246,242,252,253,252,252,252,252,253,231,137,25,0,0,0,0,0,0,0,0,0,0,26,138,233,253,255,253,253,253,253,255,253,247,230,230,168,95,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,231,207,206,123,109,242,253,244,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,69,69,37,0,0,0,93,252,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,110,218,254,224,139,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,112,236,253,253,229,71,95,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,120,223,253,249,194,244,253,227,142,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,188,253,253,156,18,0,16,68,157,253,201,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,255,254,177,6,0,0,0,0,0,49,209,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,181,253,87,0,0,0,0,0,0,0,32,226,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,202,6,0,0,0,0,0,0,0,0,156,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,136,0,0,0,0,0,0,0,0,0,156,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,255,83,0,0,0,0,0,0,0,0,0,235,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,49,0,0,0,0,0,0,0,0,46,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,234,0,0,0,0,0,0,0,0,0,143,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,210,0,0,0,0,0,0,0,0,37,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,156,0,0,0,0,0,0,0,2,176,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,156,0,0,0,0,0,0,0,32,235,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,156,0,0,0,0,0,0,0,201,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,156,0,0,0,0,0,0,168,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,211,0,0,0,0,0,77,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,81,0,0,0,79,235,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,199,71,83,191,217,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,217,229,116,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,249,243,192,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,198,254,254,254,248,236,195,106,106,106,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,83,247,254,204,254,254,254,254,254,236,230,230,230,162,230,230,230,162,0,0,0,0,0,0,0,0,0,0,0,30,32,16,143,162,162,234,254,254,254,254,254,254,254,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,39,39,98,143,254,255,255,254,208,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,173,241,254,254,255,198,45,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,242,254,254,254,208,102,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,197,241,254,254,118,58,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,243,254,254,210,101,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,240,101,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,243,200,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,254,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,238,254,190,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,249,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,238,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,76,136,211,254,254,255,254,249,136,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,242,253,253,247,218,218,218,218,218,239,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,253,231,197,82,69,0,0,0,0,0,48,194,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,59,0,0,0,0,0,0,0,0,23,231,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,71,0,0,0,0,0,0,0,10,212,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,253,191,5,0,0,0,0,0,48,169,253,183,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,204,253,72,0,0,0,0,3,171,253,236,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,248,11,0,0,8,165,253,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,190,16,10,161,253,182,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,135,253,186,160,253,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,219,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,217,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,251,186,251,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,198,0,127,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,249,77,0,27,227,214,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,230,0,0,0,213,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,234,251,100,0,0,0,213,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,247,0,0,0,0,111,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,137,0,0,0,0,95,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,129,160,202,223,251,209,126,50,59,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,167,254,232,174,91,119,132,181,219,251,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,243,123,25,0,0,0,0,0,15,155,231,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,19,0,0,0,0,0,0,0,0,24,233,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,106,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,246,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,254,154,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,254,108,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,243,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,227,219,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,241,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,246,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,169,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,254,248,154,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,162,242,254,240,193,207,217,217,182,175,123,123,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,145,194,255,240,159,187,183,218,155,101,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,47,47,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,171,230,235,254,254,238,230,149,45,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,247,254,254,243,174,128,128,188,239,255,200,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,184,18,14,0,0,0,0,23,173,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,142,65,0,0,0,0,0,0,0,2,219,246,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,214,247,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,234,236,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,173,254,153,0,0,0,0,0,0,11,123,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,188,254,186,14,0,0,0,0,9,87,221,208,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,168,18,0,0,0,25,122,242,250,165,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,250,244,54,3,40,103,185,244,253,200,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,248,201,209,254,254,220,142,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,255,254,237,207,74,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,47,47,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,168,254,254,254,254,160,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,253,253,253,253,253,253,253,250,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,213,99,120,142,142,225,253,253,251,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,159,28,0,0,0,0,14,46,221,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,3,0,0,0,0,0,0,0,59,253,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,116,253,225,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,209,209,209,141,241,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,219,253,253,253,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,253,253,253,253,253,253,246,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,194,194,91,65,65,65,88,234,253,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,235,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,0,0,0,0,0,0,0,0,0,76,253,237,17,0,0,0,0,0,0,0,0,0,0,0,0,15,191,218,88,0,0,0,0,0,0,0,0,50,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,168,46,19,0,0,0,0,19,27,172,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,46,232,253,253,253,221,150,150,150,150,222,253,253,253,164,45,0,0,0,0,0,0,0,0,0,0,0,0,0,100,245,253,253,253,253,253,253,253,253,253,253,238,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,230,252,253,253,253,253,253,253,252,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,123,227,253,253,159,123,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,146,146,146,146,146,171,213,250,255,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,136,236,253,253,253,253,253,253,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,139,139,139,247,253,253,253,252,115,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,241,253,253,237,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,219,253,253,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,253,200,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,253,253,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,180,253,253,242,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,223,253,253,136,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,148,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,246,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,218,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,225,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,226,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,37,164,255,255,255,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,253,253,253,253,253,253,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,164,253,253,253,239,195,153,251,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,204,105,23,0,0,144,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,204,27,0,0,0,0,169,253,212,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,253,246,63,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,182,0,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,18,222,253,223,25,0,0,0,0,0,60,242,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,122,0,0,0,0,0,0,88,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,5,141,253,244,65,0,0,0,0,0,0,88,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,122,0,0,0,0,0,0,0,121,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,93,0,0,0,0,0,0,0,211,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,0,0,0,69,236,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,0,0,0,129,253,219,37,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,0,0,116,247,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,0,115,248,253,168,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,220,88,0,0,26,139,248,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,102,253,253,250,236,236,240,253,253,218,39,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,150,253,253,253,253,253,253,161,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,109,253,253,223,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,89,155,192,254,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,253,253,246,243,252,219,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,206,133,21,0,115,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,184,37,0,0,0,5,234,38,48,121,151,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,24,0,0,0,0,0,48,164,253,217,109,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,141,58,26,0,0,17,245,252,157,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,243,185,126,194,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,14,105,153,208,228,253,253,206,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,250,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,234,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,70,136,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,49,23,229,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,231,27,0,214,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,234,203,0,0,214,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,204,0,0,215,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,203,0,0,214,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,204,1,122,251,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,203,41,254,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,220,252,248,254,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,191,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,41,166,216,28,16,29,29,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,85,252,253,252,252,215,166,252,252,178,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,159,191,252,253,252,252,252,253,252,252,252,253,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,252,253,252,252,252,153,177,139,240,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,253,0,0,38,113,0,0,0,101,254,253,216,16,0,0,0,0,0,0,0,0,0,0,0,76,253,252,233,96,0,0,0,0,0,0,0,0,228,252,252,28,0,0,0,0,0,0,0,0,0,0,29,210,253,233,62,0,0,0,0,0,0,0,0,0,141,252,252,116,0,0,0,0,0,0,0,0,0,26,210,252,253,96,0,0,0,0,0,0,0,0,0,0,141,252,252,139,0,0,0,0,0,0,0,0,4,179,253,253,51,0,0,0,0,0,0,0,0,0,0,0,41,253,253,190,0,0,0,0,0,0,0,0,128,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,139,0,0,0,0,0,0,0,0,253,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,139,0,0,0,0,0,0,0,0,253,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,253,252,214,28,0,0,0,0,0,0,0,0,255,253,168,0,0,0,0,0,0,0,0,0,0,0,48,191,254,247,100,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,13,172,252,253,171,0,0,0,0,0,0,0,0,0,0,165,252,234,59,0,0,0,0,0,0,0,0,147,209,252,252,156,19,0,0,0,0,0,0,0,0,0,0,41,252,252,240,101,0,0,0,0,26,113,213,253,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,13,207,253,253,254,253,216,241,242,216,253,253,254,234,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,122,196,253,252,252,252,253,252,252,252,197,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,139,139,190,140,139,52,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,189,212,80,231,254,255,254,254,254,254,254,254,255,163,14,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,253,253,253,253,253,253,253,253,174,87,0,0,0,0,0,0,0,0,0,0,0,128,16,59,191,191,191,198,253,253,253,253,253,253,253,253,253,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,113,113,113,113,249,253,253,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,34,192,232,253,253,250,152,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,219,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,216,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,209,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,255,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,188,253,253,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,191,8,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,194,214,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,216,253,253,253,209,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,190,135,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,13,7,13,128,140,243,57,0,0,0,10,2,0,0,0,0,0,0,0,0,0,0,0,0,4,106,47,91,253,202,253,253,254,253,238,65,7,42,233,47,0,0,0,0,0,0,0,0,0,0,0,0,54,253,207,253,253,253,253,253,254,253,253,253,98,156,253,217,90,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,232,147,206,205,154,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,47,226,253,253,236,193,89,41,0,0,35,89,253,253,253,253,230,18,0,0,0,0,0,0,0,0,0,0,111,253,253,207,43,0,0,0,0,4,176,253,253,253,253,253,64,0,0,0,0,0,0,0,0,0,0,0,65,253,253,134,0,0,0,0,82,209,253,253,253,253,253,225,24,0,0,0,0,0,0,0,0,0,0,0,90,217,253,245,218,218,218,218,252,254,253,253,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,253,253,253,253,254,253,253,253,253,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,253,253,253,253,201,132,11,150,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,122,17,0,0,77,254,254,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,253,231,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,249,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,245,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,191,254,240,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,213,152,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,243,253,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,254,253,224,203,214,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,212,61,0,10,131,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,233,123,0,0,0,0,123,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,213,30,0,0,0,41,123,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,234,51,0,0,31,173,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,232,0,123,233,252,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,254,253,173,253,244,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,244,122,234,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,203,0,51,232,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,41,234,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,223,40,0,0,71,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,253,92,51,173,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,162,255,253,255,253,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,131,172,212,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,87,210,253,253,255,253,253,253,157,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,203,252,252,252,252,253,252,252,252,252,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,252,252,235,153,153,44,121,192,252,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,245,125,9,0,0,0,0,4,137,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,81,0,0,0,0,0,0,0,109,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,81,0,0,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,0,0,0,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,214,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,251,145,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,236,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,209,166,2,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,47,99,150,240,188,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,94,94,196,217,253,253,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,248,253,253,253,253,234,185,114,114,114,48,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,253,253,187,153,67,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,195,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,250,253,183,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,242,232,253,214,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,27,172,253,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,172,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,234,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,233,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,91,31,0,0,0,0,0,74,222,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,234,184,115,115,115,182,233,253,205,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,220,251,253,253,253,253,253,252,175,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,102,149,245,253,162,149,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,88,150,109,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,105,155,107,161,197,209,253,253,253,168,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,98,220,253,253,253,253,253,253,253,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,112,239,253,253,253,253,180,170,168,67,67,67,67,110,47,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,239,151,71,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,71,0,0,0,14,84,122,223,140,120,41,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,190,42,111,166,243,253,253,253,253,253,253,207,73,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,240,250,253,253,253,253,253,253,253,253,253,209,101,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,239,201,133,140,120,119,208,253,253,253,245,128,8,0,0,0,0,0,0,0,0,0,0,0,197,213,181,60,37,0,0,0,0,0,9,88,207,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,4,3,2,0,0,0,0,0,0,0,0,0,3,111,249,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,225,253,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,142,22,0,0,0,0,0,0,0,38,235,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,41,0,0,0,0,0,0,0,0,218,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,142,0,0,0,0,0,0,2,77,250,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,252,171,89,68,68,68,142,178,253,253,238,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,129,243,253,253,253,253,253,253,253,246,192,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,242,253,253,253,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,89,46,89,46,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,211,255,254,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,215,254,151,102,197,247,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,208,222,70,4,0,108,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,197,242,49,0,0,0,93,243,128,36,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,129,0,0,0,0,0,38,81,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,80,0,0,0,0,0,1,149,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,137,2,0,0,0,0,35,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,138,254,193,36,0,0,6,170,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,253,192,101,11,91,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,229,254,228,247,238,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,180,169,44,107,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,225,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,244,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,253,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,253,252,99,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,253,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,241,252,214,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,155,122,0,0,0,0,0,0,0,0,0,0,0,0,4,32,72,91,32,32,32,32,131,191,190,190,190,228,253,244,111,4,0,0,0,0,0,0,0,0,0,0,112,251,251,251,253,251,251,251,251,253,251,251,251,251,253,251,251,31,0,0,0,0,0,0,0,0,0,0,150,251,251,251,253,251,251,251,251,253,251,251,235,228,253,251,251,31,0,0,0,0,0,0,0,0,0,0,12,173,211,193,95,114,251,251,251,253,231,94,70,158,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,119,100,0,0,0,0,159,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,156,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,251,188,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,219,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,11,11,11,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,65,89,164,164,173,253,254,254,254,253,0,0,0,0,0,0,0,0,0,0,0,0,6,21,54,81,196,226,254,254,254,254,254,254,251,248,254,238,0,0,0,0,0,0,0,0,0,0,20,123,198,253,254,253,254,253,253,236,178,178,91,79,69,60,79,17,0,0,0,0,0,0,0,0,0,0,65,254,253,250,223,168,124,65,24,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,214,254,194,47,40,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,254,254,254,198,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,203,204,203,203,203,251,213,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,216,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,234,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,42,0,0,0,0,9,218,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,179,94,80,92,204,253,224,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,247,254,254,254,254,242,163,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,128,171,254,243,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,148,32,0,0,0,0,0,0,0,0,0,26,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,66,0,0,0,0,0,0,0,0,0,31,218,145,0,0,0,0,0,0,0,0,0,0,0,0,85,249,253,66,0,0,0,0,0,0,0,0,0,49,245,226,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,66,0,0,0,0,0,0,0,0,0,9,186,226,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,66,0,0,0,0,0,0,0,0,0,43,237,226,0,0,0,0,0,0,0,0,0,0,0,0,94,253,203,18,0,0,0,0,0,0,0,0,0,43,236,226,0,0,0,0,0,0,0,0,0,0,0,0,186,253,232,46,0,0,0,0,0,0,0,0,0,37,228,226,0,0,0,0,0,0,0,0,0,0,0,0,228,253,211,25,0,0,0,0,0,0,0,0,0,68,253,226,0,0,0,0,0,0,0,0,0,0,0,0,228,253,225,39,0,0,0,0,0,0,5,128,147,226,253,226,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,0,0,0,57,178,253,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,226,121,121,121,121,185,254,254,152,134,223,255,228,0,0,0,0,0,0,0,0,0,0,0,0,5,126,174,253,253,253,253,253,203,146,97,2,0,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,26,47,145,97,26,14,0,0,0,0,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,205,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,211,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,254,255,254,171,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,189,253,233,100,174,243,223,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,231,47,0,0,98,253,223,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,147,0,0,0,15,210,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,147,0,0,0,0,195,253,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,147,0,0,0,0,195,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,149,6,4,6,117,251,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,251,204,253,248,194,164,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,143,212,212,137,72,0,36,239,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,249,237,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,6,0,0,0,0,0,0,0,12,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,29,0,0,0,0,0,0,0,12,253,218,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,157,84,37,0,0,0,0,0,12,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,234,219,219,219,219,219,221,253,234,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,67,137,253,253,253,253,253,253,253,239,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,180,209,156,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,255,254,254,248,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,214,78,108,248,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,188,15,0,33,222,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,239,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,227,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,236,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,254,254,254,185,99,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,233,254,236,196,196,196,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,244,126,156,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,230,226,18,156,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,109,0,172,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,19,38,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,25,82,144,221,254,245,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,120,210,234,253,254,253,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,210,225,253,253,253,253,254,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,253,253,252,231,149,130,254,253,253,222,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,112,112,84,0,17,190,254,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,254,253,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,133,253,254,250,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,253,253,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,236,254,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,253,189,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,250,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,223,253,253,185,0,0,0,0,0,0,0,0,27,46,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,206,22,0,0,0,0,0,47,113,199,225,209,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,41,12,45,26,123,122,213,243,253,250,189,61,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,253,253,253,255,253,253,250,209,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,250,253,253,253,253,253,253,254,253,189,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,143,191,191,143,143,143,33,33,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,153,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,251,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,240,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,128,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,248,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,228,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,132,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,255,166,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,214,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,168,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,253,253,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,253,253,199,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,167,253,253,253,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,138,253,253,253,130,21,0,0,17,69,69,69,112,192,144,40,0,0,0,0,0,0,0,0,0,0,0,7,253,253,253,253,93,0,52,103,212,253,253,253,253,253,253,230,84,4,0,0,0,0,0,0,0,0,0,7,253,253,253,253,143,163,238,253,253,253,253,253,253,253,253,253,253,51,0,0,0,0,0,0,0,0,0,7,253,253,253,253,253,253,253,253,253,253,253,226,196,253,253,253,253,176,2,0,0,0,0,0,0,0,0,7,253,253,253,253,253,253,253,253,253,253,143,25,91,236,253,253,253,253,5,0,0,0,0,0,0,0,0,7,253,253,253,253,253,253,253,253,223,129,203,223,248,253,253,253,253,149,1,0,0,0,0,0,0,0,0,7,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,209,94,13,0,0,0,0,0,0,0,0,0,1,90,253,253,253,253,253,253,253,253,253,253,253,253,253,154,22,0,0,0,0,0,0,0,0,0,0,0,0,7,135,205,253,253,253,253,253,253,253,253,158,93,12,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,144,253,253,253,253,223,129,32,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,111,254,235,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,141,121,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,207,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,145,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,212,253,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,200,253,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,218,0,0,0,0,0,0,34,188,254,255,254,216,91,28,0,0,0,0,0,0,0,0,0,0,34,253,253,121,0,0,0,0,50,163,254,253,253,253,253,253,253,209,0,0,0,0,0,0,0,0,0,0,34,253,253,212,0,0,0,81,242,253,254,253,171,154,175,253,253,246,98,0,0,0,0,0,0,0,0,0,16,213,253,233,8,0,69,250,253,253,169,44,2,0,3,98,242,253,250,31,0,0,0,0,0,0,0,0,0,105,253,253,112,0,194,253,236,102,0,0,0,0,0,83,246,253,203,12,0,0,0,0,0,0,0,0,0,15,219,253,217,19,232,253,176,0,0,0,0,0,59,218,253,238,67,0,0,0,0,0,0,0,0,0,0,0,205,253,253,237,252,253,176,0,0,8,55,180,246,253,248,151,0,0,0,0,0,0,0,0,0,0,0,0,39,228,253,253,253,253,223,155,45,190,253,253,253,219,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,193,253,253,253,253,253,254,253,253,213,104,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,71,196,253,253,253,254,176,52,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,126,91,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,254,192,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,191,254,254,205,86,46,0,0,0,26,58,112,150,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,254,254,254,247,217,217,217,233,254,254,254,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,246,197,254,254,254,254,217,168,146,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,28,252,254,230,3,9,9,9,9,5,0,101,254,239,171,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,250,60,0,0,0,0,0,0,183,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,139,0,0,0,0,0,0,236,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,254,254,200,4,0,0,0,0,164,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,162,0,0,0,0,12,239,236,48,0,0,0,10,15,10,0,0,0,0,0,0,0,0,0,29,254,254,254,72,0,0,0,0,44,254,241,133,27,71,152,226,254,224,0,0,0,0,0,0,0,0,0,14,218,254,225,33,0,0,0,0,112,254,254,254,242,253,254,254,216,174,0,0,0,0,0,0,0,0,0,0,39,53,28,0,3,2,4,10,189,254,254,254,254,231,146,53,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,144,183,196,254,254,254,254,197,119,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,240,254,254,254,254,254,254,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,153,153,146,57,57,143,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,125,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,236,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,236,251,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,251,204,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,202,255,253,242,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,251,253,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,236,251,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,160,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,251,251,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,173,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,232,254,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,190,226,76,70,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,172,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,131,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,228,193,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,130,13,0,0,0,0,0,0,124,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,249,253,69,0,0,0,0,0,0,116,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,253,69,0,0,0,0,0,0,116,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,255,241,101,0,0,0,0,0,0,0,208,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,241,69,0,0,0,0,0,0,0,0,207,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,116,253,184,0,0,0,0,0,0,0,0,38,245,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,184,0,0,0,0,0,0,0,0,47,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,185,0,0,0,0,0,0,0,45,136,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,11,198,222,89,9,0,0,9,47,80,212,253,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,245,253,215,207,208,216,253,253,254,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,169,253,253,254,253,253,151,69,236,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,202,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,59,132,132,133,122,13,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,59,232,252,252,252,253,252,252,252,89,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,252,252,252,252,252,253,252,252,252,252,225,59,6,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,238,106,84,84,84,84,152,211,252,252,252,252,134,5,0,0,0,0,0,0,0,0,0,0,0,27,229,252,180,0,0,0,0,0,0,11,95,235,252,252,252,110,0,0,0,0,0,0,0,0,0,0,54,201,252,235,128,0,0,0,0,0,0,0,0,146,252,252,252,227,9,0,0,0,0,0,0,0,0,0,145,252,252,151,0,0,0,0,0,0,0,0,0,12,163,252,252,252,110,0,0,0,0,0,0,0,0,57,237,252,234,45,0,0,0,0,0,0,0,0,0,0,73,252,252,252,235,0,0,0,0,0,0,0,0,132,252,252,204,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,0,0,0,0,0,0,0,0,248,252,252,204,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,0,0,0,0,0,0,0,0,255,253,236,44,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,127,0,0,0,0,0,0,0,0,253,252,249,76,0,0,0,0,0,0,0,0,0,0,0,85,252,252,242,10,0,0,0,0,0,0,0,0,253,252,221,12,0,0,0,0,0,0,0,0,0,0,55,230,252,252,143,0,0,0,0,0,0,0,0,0,253,252,252,107,0,0,0,0,0,0,0,0,0,10,194,252,252,252,63,0,0,0,0,0,0,0,0,0,224,252,252,238,52,0,0,0,0,0,0,0,9,155,252,252,252,154,7,0,0,0,0,0,0,0,0,0,41,252,252,252,181,52,0,0,0,0,0,54,201,252,252,252,153,9,0,0,0,0,0,0,0,0,0,0,3,165,252,252,252,239,205,159,85,200,206,232,252,252,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,32,169,252,252,252,252,252,252,252,253,252,252,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,221,252,252,252,252,252,253,252,184,143,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,46,131,131,131,131,127,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,170,198,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,255,141,170,255,255,255,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,29,0,0,0,0,86,170,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,32,0,0,0,0,0,0,125,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,245,35,0,0,0,0,0,12,186,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,248,87,0,0,0,0,0,0,154,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,227,0,0,0,0,0,0,93,248,243,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,105,0,0,0,0,0,0,239,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,251,189,4,0,0,0,0,0,85,252,217,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,253,156,63,22,0,0,0,28,232,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,253,253,227,82,6,6,173,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,239,205,253,253,253,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,192,37,4,51,138,215,253,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,135,11,0,0,0,0,3,21,250,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,157,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,228,216,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,218,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,172,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,253,253,253,253,255,211,109,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,252,252,252,252,253,252,252,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,252,252,253,252,252,252,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,252,252,253,252,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,252,252,253,252,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,210,252,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,71,71,71,71,31,71,72,227,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,233,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,252,252,252,175,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,253,253,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,231,46,0,42,11,73,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,253,252,252,128,182,221,191,252,253,190,52,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,255,253,253,253,255,253,253,253,208,104,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,252,252,253,252,241,97,20,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,241,195,71,133,215,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,169,252,252,252,108,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,101,6,0,0,0,0,0,28,204,255,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,172,253,14,0,0,0,0,0,192,253,253,213,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,14,0,0,0,0,0,224,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,202,9,0,0,0,0,0,224,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,253,224,28,0,0,0,0,0,0,224,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,130,0,0,0,0,0,0,0,224,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,95,250,253,253,61,0,0,0,0,0,60,160,251,253,253,203,86,85,16,0,0,0,0,0,0,0,0,0,101,253,253,253,65,31,31,31,112,185,233,253,253,253,253,253,253,253,157,0,0,0,0,0,0,0,0,0,49,226,253,253,179,253,253,253,253,253,253,253,253,253,253,253,249,123,97,0,0,0,0,0,0,0,0,0,0,153,253,253,253,253,253,253,253,253,199,176,244,253,253,56,21,0,0,0,0,0,0,0,0,0,0,0,0,14,165,252,249,230,230,230,150,76,23,87,244,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,111,0,0,0,0,0,0,124,253,253,196,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,146,253,223,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,230,254,236,24,66,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,229,242,221,106,124,253,225,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,213,55,0,39,223,253,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,223,237,56,0,0,128,253,163,234,239,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,116,0,0,0,128,253,70,174,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,234,176,0,0,0,0,128,185,5,175,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,67,0,0,0,0,128,179,0,174,229,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,227,9,0,0,0,0,79,105,0,174,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,108,0,0,0,0,0,0,10,0,174,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,239,4,0,0,0,0,0,0,0,0,174,223,3,0,0,0,0,0,0,0,0,0,0,0,0,0,49,249,209,0,0,0,0,0,0,0,0,35,255,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,90,0,0,0,0,0,0,0,0,168,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,0,0,0,0,0,0,0,0,47,245,246,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,0,0,0,0,0,0,0,0,162,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,178,0,0,0,0,0,0,10,184,251,178,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,244,174,0,0,0,0,0,6,145,254,220,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,239,208,0,0,0,8,107,214,253,197,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,98,48,63,158,253,236,175,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,254,253,253,253,233,45,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,229,253,253,163,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,242,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,205,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,123,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,249,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,217,254,182,12,0,0,0,0,0,0,0,0,0,18,20,20,10,0,0,0,0,0,0,0,0,0,0,60,254,254,38,0,0,0,0,0,0,0,0,106,178,247,254,254,215,75,0,0,0,0,0,0,0,0,0,143,254,221,17,0,0,0,0,0,0,33,190,251,254,254,254,254,254,212,0,0,0,0,0,0,0,0,28,235,254,190,0,0,0,0,0,3,99,239,254,238,117,48,57,254,254,170,0,0,0,0,0,0,0,0,63,254,254,71,0,0,0,0,0,78,254,254,211,37,0,12,183,254,243,43,0,0,0,0,0,0,0,0,79,254,254,4,0,0,0,0,14,235,254,224,23,0,29,184,254,242,74,0,0,0,0,0,0,0,0,0,162,254,254,4,0,0,0,0,82,254,238,17,0,48,204,254,248,73,0,0,0,0,0,0,0,0,0,0,255,254,254,4,0,0,0,0,145,254,170,50,161,236,254,243,74,0,0,0,0,0,0,0,0,0,0,0,189,254,254,70,0,0,23,46,218,254,252,246,254,252,188,65,0,0,0,0,0,0,0,0,0,0,0,0,62,253,254,241,197,197,230,254,254,254,254,252,232,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,236,254,254,254,254,254,254,254,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,123,125,55,28,28,59,197,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,87,0,0,0,0,0,0,41,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,235,107,0,0,0,0,0,0,163,202,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,229,25,0,0,0,0,0,65,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,208,11,0,0,0,0,0,0,229,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,251,129,0,0,0,0,0,0,41,242,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,209,0,0,0,0,0,0,0,109,240,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,245,128,0,0,0,0,0,0,15,216,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,207,11,0,0,0,0,0,0,58,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,243,95,0,0,0,0,0,3,85,229,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,249,62,0,0,0,0,83,213,236,252,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,188,0,0,0,45,203,244,238,129,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,22,0,20,136,252,246,129,13,201,224,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,198,193,222,254,253,90,0,79,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,233,254,254,253,197,32,0,0,146,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,73,115,68,0,0,0,0,221,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,226,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,97,247,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,255,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,130,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,100,100,100,148,100,148,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,23,120,148,243,247,253,249,239,253,253,253,253,0,0,0,0,0,0,0,0,0,39,34,54,56,142,170,253,212,198,184,88,88,88,69,89,253,253,253,157,0,0,0,0,0,0,0,0,152,237,232,251,234,165,160,55,14,0,0,0,0,0,0,89,253,253,226,21,0,0,0,0,0,0,0,0,36,131,40,22,17,0,0,0,0,0,0,0,0,0,3,192,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,220,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,242,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,255,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,209,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,251,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,112,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,226,231,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,241,171,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,221,248,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,198,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,242,196,158,158,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,221,249,105,98,165,238,249,250,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,148,0,0,0,0,22,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,67,0,0,0,29,185,250,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,223,250,0,0,8,88,241,241,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,250,40,127,224,254,183,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,237,254,247,254,222,75,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,198,104,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,148,253,253,253,253,255,197,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,149,249,252,178,145,145,202,253,252,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,154,8,0,0,14,26,122,252,39,0,70,185,132,0,0,0,0,0,0,0,0,0,0,0,0,135,252,83,11,0,0,0,0,0,107,130,6,22,207,252,225,0,0,0,0,0,0,0,0,0,0,0,0,191,252,53,0,0,0,0,0,0,23,6,22,186,252,241,96,0,0,0,0,0,0,0,0,0,0,0,0,94,252,95,14,0,0,0,0,0,0,0,109,252,241,167,0,0,0,0,0,0,0,0,0,0,0,0,0,30,122,244,87,28,41,41,41,20,41,160,240,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,141,223,252,252,252,204,252,252,252,195,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,127,238,239,245,253,252,252,205,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,56,183,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,252,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,234,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,252,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,190,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,177,0,0,0,0,0,0,32,67,101,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,120,242,253,101,100,100,157,210,210,231,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,57,186,253,253,253,254,253,253,253,253,253,243,231,197,121,0,0,0,0,0,0,0,0,0,0,0,5,128,235,253,253,253,229,199,121,179,188,88,88,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,199,165,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,213,253,253,253,253,241,150,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,250,209,209,230,253,253,253,141,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,176,65,0,0,32,85,233,253,255,208,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,177,254,253,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,230,254,245,65,0,0,0,0,0,0,0,0,0,0,0,0,0,38,50,0,0,0,0,0,0,0,0,0,21,223,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,187,187,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,196,193,4,0,0,0,0,0,0,0,3,100,233,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,137,3,0,0,0,0,0,25,130,253,253,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,143,70,0,0,55,171,223,254,253,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,253,253,249,232,232,245,253,253,253,165,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,190,213,253,253,253,253,220,161,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,66,152,124,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,105,105,105,105,105,194,105,105,56,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,209,248,253,253,253,253,253,254,253,253,232,235,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,253,241,247,254,253,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,239,133,133,31,79,134,133,211,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,29,26,0,0,14,75,76,111,243,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,179,193,253,254,253,253,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,254,253,253,253,253,169,134,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,253,253,253,253,254,253,253,253,253,253,253,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,18,165,208,251,253,253,254,253,253,253,253,253,253,253,181,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,104,104,105,104,104,104,104,122,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,255,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,148,227,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,75,137,224,243,253,253,244,99,19,0,0,0,0,0,0,0,0,0,0,13,154,63,0,0,22,30,172,193,253,254,253,253,253,182,65,0,0,0,0,0,0,0,0,0,0,0,0,105,253,176,134,134,219,253,253,253,253,254,253,245,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,253,253,253,253,253,253,217,128,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,208,237,253,253,248,208,208,208,120,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,174,121,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,255,144,13,0,0,0,0,43,243,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,249,253,253,60,0,0,0,0,152,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,253,253,202,21,0,0,0,10,224,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,28,0,0,0,0,16,253,254,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,20,198,253,253,165,5,0,0,0,0,16,253,254,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,215,7,0,0,0,0,0,15,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,4,194,253,253,85,0,0,0,0,0,0,16,253,254,253,164,86,70,0,0,0,0,0,0,0,0,0,0,159,253,253,253,246,239,239,163,199,239,240,240,253,253,253,253,253,193,0,0,0,0,0,0,0,0,0,0,210,253,254,253,253,253,253,254,253,253,254,253,253,254,253,254,254,146,0,0,0,0,0,0,0,0,0,0,129,216,253,253,253,253,253,253,253,253,253,253,253,253,253,207,203,90,0,0,0,0,0,0,0,0,0,0,0,13,57,148,160,248,248,248,248,207,148,155,253,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,253,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,127,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,253,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,78,232,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,228,255,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,253,253,253,108,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,170,253,253,253,238,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,253,194,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,75,253,253,245,186,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,222,253,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,253,253,130,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,222,253,253,253,190,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,218,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,226,253,253,191,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,224,19,0,0,0,0,0,0,105,153,75,7,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,116,0,0,0,0,0,100,205,245,253,253,157,6,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,93,0,0,0,65,121,244,253,253,253,253,253,99,4,0,0,0,0,0,0,0,0,0,0,13,253,253,227,14,0,0,49,244,253,226,235,221,240,253,253,253,12,0,0,0,0,0,0,0,0,0,0,8,210,253,234,37,0,69,194,180,121,22,105,222,249,253,253,253,12,0,0,0,0,0,0,0,0,0,0,0,31,253,253,220,106,207,253,144,106,203,249,253,253,253,253,155,7,0,0,0,0,0,0,0,0,0,0,0,2,156,253,253,253,253,253,253,253,253,253,253,253,253,155,2,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,253,253,253,253,253,253,253,253,253,253,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,85,211,253,253,253,253,217,129,87,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,80,152,237,255,224,79,0,0,0,0,0,0,0,0,0,0,0,0,0,10,64,0,0,0,22,155,179,247,254,195,144,29,8,3,0,0,0,0,0,0,0,0,0,0,0,13,108,224,252,138,48,179,243,254,239,143,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,234,104,182,247,254,202,117,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,231,75,247,251,173,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,155,36,229,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,230,19,8,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,251,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,131,228,250,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,216,250,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,241,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,127,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,5,98,254,233,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,208,201,254,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,220,254,156,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,49,0,0,0,0,0,0,50,105,105,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,239,228,47,0,0,25,60,156,229,252,252,228,134,0,0,0,0,0,0,0,0,0,0,0,0,0,8,225,252,252,220,38,9,201,252,252,252,252,252,252,220,137,7,0,0,0,0,0,0,0,0,0,0,8,182,252,252,252,252,149,197,253,252,252,252,252,252,252,252,252,103,0,0,0,0,0,0,0,0,0,0,60,252,252,252,252,207,252,252,253,252,203,107,29,29,29,240,252,103,0,0,0,0,0,0,0,0,0,43,226,252,252,213,74,199,252,252,241,99,26,0,0,0,0,238,252,121,0,0,0,0,0,0,0,0,0,60,252,252,252,74,72,245,252,252,70,0,0,0,0,0,0,238,252,172,0,0,0,0,0,0,0,0,0,200,252,252,225,58,176,252,236,75,0,0,0,0,0,0,48,243,252,103,0,0,0,0,0,0,0,0,81,242,252,252,150,30,252,236,83,0,0,0,0,0,0,23,224,252,244,85,0,0,0,0,0,0,0,0,105,252,252,252,29,119,252,162,0,0,0,0,0,0,0,30,252,252,207,0,0,0,0,0,0,0,0,0,255,253,253,133,0,179,253,14,0,0,0,0,0,0,136,253,253,253,208,0,0,0,0,0,0,0,0,0,253,252,252,132,0,56,252,14,0,0,0,0,4,60,230,252,252,230,70,0,0,0,0,0,0,0,0,0,253,252,252,132,0,29,245,14,0,0,0,4,118,252,252,252,252,153,0,0,0,0,0,0,0,0,0,0,253,252,252,132,0,0,134,85,0,0,0,130,252,252,252,237,132,8,0,0,0,0,0,0,0,0,0,0,209,252,252,168,9,0,16,177,31,75,224,247,252,252,141,25,0,0,0,0,0,0,0,0,0,0,0,0,93,246,252,252,187,178,178,248,208,252,253,252,250,151,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,252,252,252,252,252,252,253,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,23,162,162,226,252,252,252,252,216,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,137,67,59,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,205,254,221,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,163,254,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,209,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,216,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,190,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,143,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,202,232,138,97,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,130,236,252,253,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,132,228,252,252,221,122,69,202,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,228,253,235,128,45,25,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,75,18,0,0,0,0,22,215,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,253,23,0,0,0,0,0,3,118,253,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,193,8,0,0,0,0,0,45,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,158,11,32,13,70,70,70,222,252,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,124,160,236,252,253,252,240,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,232,253,252,252,244,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,165,116,218,253,181,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,239,33,0,34,217,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,84,253,240,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,188,0,0,0,0,169,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,24,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,127,0,0,0,0,24,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,234,17,0,0,0,118,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,246,253,209,101,70,122,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,252,252,252,252,253,193,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,211,252,252,252,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,177,144,115,34,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,133,233,252,253,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,166,154,179,252,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,202,16,0,3,54,247,222,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,66,0,0,0,0,170,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,104,0,0,0,0,171,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,175,0,0,0,48,247,197,5,0,2,12,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,175,0,0,0,100,252,88,16,49,171,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,199,10,0,0,181,243,124,210,252,252,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,81,111,139,247,252,252,252,247,142,61,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,253,253,255,253,253,250,220,182,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,213,252,252,223,172,77,77,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,224,252,252,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,185,249,245,226,209,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,199,252,240,81,12,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,236,252,206,81,0,50,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,20,0,43,184,252,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,209,10,45,165,252,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,195,252,252,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,252,252,252,214,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,133,198,254,196,173,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,170,253,253,254,253,253,253,253,171,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,157,189,253,253,253,254,250,217,241,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,230,253,253,253,232,205,85,76,0,57,182,253,225,24,0,0,0,0,0,0,0,0,0,0,0,0,27,230,253,253,204,89,41,0,0,0,0,0,61,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,26,229,236,146,12,0,0,0,0,0,0,0,61,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,32,37,0,0,0,0,0,0,0,0,0,61,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,250,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,13,13,134,133,151,254,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,238,253,253,254,253,253,253,253,253,68,4,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,185,253,253,253,253,254,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,7,145,253,253,253,235,152,108,254,253,253,244,216,253,253,221,39,0,0,0,0,0,0,0,0,0,0,6,146,253,253,253,163,45,108,216,254,253,216,99,18,72,190,253,144,0,0,0,0,0,0,0,0,0,0,25,253,253,236,146,36,120,248,253,251,112,23,0,0,0,61,208,144,0,0,0,0,0,0,0,0,0,0,25,253,253,213,120,222,253,253,172,104,0,0,0,0,0,0,19,27,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,114,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,164,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,172,104,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,77,153,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,230,253,253,253,253,250,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,254,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,254,253,235,126,121,167,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,231,253,247,121,15,0,0,161,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,215,48,39,0,47,161,242,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,253,244,233,242,232,243,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,253,253,254,253,253,253,253,199,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,255,253,253,253,253,192,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,253,253,206,253,210,133,128,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,182,254,215,77,0,0,0,0,0,97,247,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,250,73,0,0,0,0,0,0,0,199,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,253,108,0,0,0,0,0,0,0,90,244,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,236,20,0,0,0,0,0,19,138,250,246,24,0,0,0,0,0,0,0,0,0,0,0,0,0,22,246,217,19,0,0,0,0,71,166,238,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,112,0,4,89,171,199,254,253,253,246,140,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,240,232,233,253,253,253,254,253,249,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,253,253,253,253,240,209,210,132,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,253,192,244,109,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,143,31,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,171,143,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,252,252,252,252,243,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,252,252,252,252,252,252,253,252,126,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,121,121,121,121,168,253,252,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,12,12,31,122,122,187,252,252,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,252,252,252,252,252,253,252,235,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,252,252,252,253,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,252,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,126,215,177,220,235,255,253,253,186,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,147,252,252,252,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,222,252,252,252,218,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,211,251,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,150,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,122,122,103,12,12,122,150,240,252,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,252,253,252,252,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,252,252,253,252,252,178,151,66,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,180,151,75,100,204,253,252,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,34,34,34,34,34,34,34,34,5,130,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,253,254,253,253,187,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,253,253,253,253,253,254,253,253,253,253,175,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,79,10,10,107,11,10,10,10,10,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,211,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,206,155,155,155,45,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,255,208,144,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,152,76,33,33,143,172,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,70,0,0,0,0,0,0,24,202,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,194,11,0,0,0,21,204,249,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,158,18,20,88,211,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,203,253,213,217,245,244,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,133,210,253,157,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,241,255,188,117,18,18,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,253,253,170,154,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,200,226,253,253,253,253,253,253,249,158,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,76,182,182,182,182,247,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,249,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,201,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,231,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,248,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,162,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,97,156,201,254,254,254,232,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,28,185,235,253,254,253,253,234,241,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,194,253,253,253,222,175,129,78,6,165,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,241,254,234,146,64,12,0,0,0,141,248,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,61,0,0,0,0,8,165,248,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,241,30,0,0,0,59,201,254,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,196,245,207,50,20,58,239,253,247,225,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,137,241,253,253,253,254,247,84,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,211,253,253,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,253,253,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,244,195,255,254,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,253,247,122,0,201,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,254,253,107,0,0,59,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,182,6,0,0,59,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,61,0,0,0,59,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,196,15,0,0,0,179,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,147,3,0,0,53,254,253,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,254,105,79,130,235,254,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,229,254,253,253,253,237,131,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,215,253,200,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,217,255,188,106,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,245,220,143,213,254,121,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,184,0,0,25,235,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,246,163,20,0,0,0,177,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,244,254,36,0,0,0,0,126,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,210,253,117,1,0,0,0,0,136,253,246,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,191,17,0,0,0,0,0,225,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,191,12,0,0,0,0,0,0,225,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,242,42,0,0,0,0,0,0,0,225,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,228,56,0,0,0,0,0,0,89,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,123,0,0,0,0,0,0,7,204,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,206,9,0,0,0,0,0,0,16,253,254,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,178,0,0,0,0,0,0,4,147,253,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,178,0,0,0,0,0,0,61,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,178,0,0,0,0,0,13,194,254,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,232,18,0,0,0,16,191,253,249,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,254,78,0,0,27,196,254,245,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,198,0,86,215,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,208,230,245,253,254,245,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,253,177,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,170,255,156,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,128,225,253,254,253,252,225,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,209,253,253,253,95,56,60,180,242,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,220,253,253,253,225,176,9,0,25,241,208,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,122,47,113,13,0,0,235,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,253,253,129,7,0,0,0,0,0,235,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,37,0,0,0,0,0,0,235,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,79,0,0,0,0,3,147,252,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,89,0,0,32,88,197,253,253,244,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,214,142,60,170,253,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,254,254,254,254,254,255,254,254,254,254,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,251,253,253,253,253,253,254,253,251,125,223,253,124,0,0,0,0,0,0,0,0,0,0,0,0,2,124,253,253,253,246,249,252,247,254,195,75,0,141,253,234,7,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,184,25,50,75,32,85,10,0,0,141,253,253,37,0,0,0,0,0,0,0,0,0,0,0,31,242,253,235,29,0,0,0,0,0,0,0,0,141,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,124,0,0,0,0,0,0,0,0,148,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,212,54,3,0,0,0,0,0,85,247,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,7,203,253,253,249,223,150,150,151,150,154,250,253,253,202,4,0,0,0,0,0,0,0,0,0,0,0,0,0,53,223,253,253,253,253,253,254,253,253,253,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,107,159,159,204,253,254,253,253,253,165,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,24,24,139,139,139,139,139,150,159,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,163,220,253,253,253,254,253,253,253,253,254,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,26,206,254,253,253,253,253,216,184,152,69,69,69,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,246,161,161,161,245,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,126,0,0,0,21,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,237,253,137,0,0,0,0,9,93,93,93,93,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,252,231,231,178,231,234,253,253,253,253,242,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,168,232,231,231,231,231,222,116,116,116,116,245,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,239,253,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,98,223,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,119,253,253,173,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,216,255,253,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,209,208,221,253,253,204,88,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,191,212,253,158,137,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,128,64,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,255,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,244,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,232,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,252,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,233,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,228,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,243,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,176,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,175,130,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,225,226,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,249,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,248,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,247,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,248,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,227,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,165,218,155,117,131,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,239,150,68,45,170,254,235,143,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,226,60,0,0,0,80,150,96,233,201,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,137,0,0,0,0,1,13,0,23,229,159,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,208,49,0,0,0,0,0,0,0,0,88,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,179,0,0,0,0,0,0,0,0,0,3,187,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,107,0,0,0,0,0,0,0,0,0,0,180,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,80,0,0,0,0,0,0,0,0,0,0,180,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,50,0,0,0,0,0,0,0,0,0,20,237,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,0,0,0,0,0,0,0,0,0,0,85,175,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,0,0,0,0,0,0,0,0,0,0,206,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,0,0,0,0,0,0,0,0,0,45,228,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,5,0,0,0,0,0,0,0,7,193,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,80,0,0,0,0,0,0,0,16,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,168,0,0,0,0,0,0,30,172,210,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,203,8,0,0,0,0,0,92,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,78,0,0,0,0,59,239,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,199,0,0,0,74,217,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,249,212,145,145,240,166,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,154,249,177,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,247,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,242,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,238,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,222,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,118,165,255,254,240,118,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,97,179,253,253,253,253,253,253,253,244,104,13,0,0,0,0,0,0,0,0,0,0,0,0,0,197,213,222,253,253,253,220,177,177,192,253,253,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,204,237,198,198,190,131,38,0,0,12,61,140,253,253,233,41,0,0,0,0,0,0,0,0,0,0,0,0,31,58,0,0,0,0,0,0,0,0,0,101,253,253,197,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,209,253,240,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,154,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,181,253,253,253,242,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,126,218,253,238,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,237,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,213,253,217,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,129,250,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,42,24,23,34,68,179,221,253,253,240,104,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,163,253,212,210,236,253,253,253,232,102,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,253,253,253,163,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,255,254,122,74,18,10,63,81,81,136,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,253,253,253,207,253,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,253,253,253,228,253,253,253,253,253,253,238,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,65,65,65,35,65,120,120,148,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,237,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,237,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,240,253,253,98,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,253,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,185,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,238,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,201,188,107,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,236,159,144,242,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,210,106,0,0,225,226,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,221,79,0,0,0,225,248,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,236,75,0,0,0,21,234,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,156,1,0,0,8,204,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,237,40,0,0,0,122,254,203,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,221,26,0,17,128,252,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,254,232,156,220,255,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,216,204,204,141,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,179,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,255,254,191,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,149,250,211,235,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,81,168,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,233,203,8,11,241,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,70,0,0,182,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,217,238,33,0,51,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,149,0,0,96,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,250,172,161,249,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,145,227,215,217,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,209,255,254,254,133,157,174,148,98,94,87,13,13,13,5,0,0,0,0,0,0,0,0,0,0,0,61,242,254,254,254,254,254,254,254,254,254,254,254,254,254,254,163,0,0,0,0,0,0,0,0,0,0,23,206,254,254,254,242,228,245,97,56,103,136,136,136,136,123,56,41,0,0,0,0,0,0,0,0,0,0,121,254,229,116,44,30,14,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,235,235,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,200,254,146,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,254,193,91,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,184,254,254,189,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,108,234,254,219,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,214,254,181,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,216,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,251,194,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,214,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,56,0,0,0,0,214,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,160,20,4,21,70,235,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,220,237,207,239,254,254,194,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,142,173,173,199,105,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,191,255,253,231,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,234,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,204,252,252,127,178,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,127,3,16,215,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,254,134,0,0,0,170,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,209,28,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,252,252,25,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,102,0,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,168,0,0,0,0,0,0,170,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,142,0,0,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,60,234,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,241,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,216,28,0,0,60,191,254,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,252,215,169,169,234,252,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,253,252,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,139,253,252,214,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,125,243,208,125,22,36,125,125,125,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,254,254,254,250,251,255,254,254,254,161,119,119,119,52,0,0,0,0,0,0,0,0,0,0,0,0,69,246,254,254,254,254,254,254,254,254,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,18,19,19,19,19,56,149,149,149,149,220,254,254,246,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,173,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,167,197,197,106,192,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,254,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,71,71,71,194,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,238,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,90,222,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,240,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,213,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,219,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,156,155,217,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,254,254,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,253,253,222,130,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,164,254,249,239,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,222,253,205,102,8,133,133,218,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,251,253,253,17,0,0,0,0,179,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,253,248,134,0,0,0,0,0,179,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,128,0,0,0,0,0,0,179,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,253,221,38,0,0,0,0,0,0,179,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,229,46,0,0,0,0,0,0,14,193,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,72,241,253,119,0,0,0,0,0,0,0,75,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,7,176,254,242,71,0,0,0,0,0,0,0,226,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,100,0,0,0,0,0,0,0,100,248,253,221,11,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,74,0,0,0,0,0,0,0,120,253,225,42,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,0,8,183,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,74,0,0,0,0,0,54,226,253,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,74,0,0,0,0,31,171,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,153,0,0,0,80,254,253,253,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,251,239,239,239,247,255,253,186,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,129,248,253,253,253,253,253,209,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,210,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,193,202,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,188,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,251,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,249,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,0,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,141,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,86,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,170,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,86,0,0,0,0,0,114,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,86,226,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,57,226,255,141,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,226,114,29,0,86,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,86,0,0,0,0,141,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,88,159,22,0,48,96,180,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,202,254,254,245,242,250,241,146,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,238,228,131,206,236,145,93,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,213,62,0,17,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,229,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,193,238,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,27,0,0,29,224,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,40,0,0,0,88,250,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,40,0,0,0,0,136,251,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,181,28,0,0,0,29,225,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,208,51,9,0,0,134,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,254,212,193,161,225,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,141,226,254,254,239,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,29,105,141,192,243,117,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,207,254,253,253,253,254,253,225,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,255,234,168,119,169,225,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,140,140,28,22,0,0,0,69,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,245,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,254,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,254,254,64,7,7,0,0,0,10,29,29,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,208,188,188,169,170,169,198,253,254,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,254,253,253,253,254,253,253,253,254,234,113,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,140,191,141,216,253,253,141,140,103,28,28,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,34,82,144,144,144,144,168,254,85,0,0,0,0,0,0,0,0,0,0,0,9,67,12,35,67,153,177,224,253,253,254,253,253,219,201,253,209,0,0,0,0,0,0,0,0,0,0,0,34,253,218,233,253,253,253,236,154,154,44,44,44,21,10,208,150,0,0,0,0,0,0,0,0,0,0,0,31,237,245,173,121,121,20,9,0,0,0,0,0,0,30,228,131,0,0,0,0,0,0,0,0,0,0,0,0,52,97,0,0,0,0,0,0,0,0,0,0,0,56,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,24,0,0,0,0,0,0,0,0,0,0,0,142,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,246,211,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,45,45,45,45,45,63,253,165,0,28,45,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,199,253,253,254,253,253,253,253,231,188,228,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,254,253,253,253,253,253,253,186,110,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,44,0,0,0,30,167,255,247,134,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,220,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,217,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,253,253,217,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,234,253,253,229,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,48,0,0,0,0,0,0,19,98,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,187,5,0,0,0,0,11,110,195,253,236,96,0,0,0,0,0,0,0,0,0,0,0,0,24,249,253,253,65,0,0,0,0,12,243,253,253,253,253,250,92,0,0,0,0,0,0,0,0,0,0,0,89,254,254,254,60,0,0,0,0,198,254,254,254,246,252,254,162,2,0,0,0,0,0,0,0,0,0,0,145,253,253,253,60,0,0,0,70,254,253,253,225,31,194,253,253,24,0,0,0,0,0,0,0,0,0,0,145,253,253,224,32,0,0,0,196,254,253,155,78,9,202,253,253,24,0,0,0,0,0,0,0,0,0,0,145,253,253,253,60,0,0,0,242,254,249,78,33,190,253,253,253,24,0,0,0,0,0,0,0,0,0,0,59,253,253,253,60,0,0,0,242,254,235,79,195,253,253,253,201,18,0,0,0,0,0,0,0,0,0,0,25,253,253,253,116,73,73,73,245,254,253,253,253,253,253,188,9,0,0,0,0,0,0,0,0,0,0,0,5,175,253,253,253,253,253,253,253,254,253,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,40,221,253,253,253,253,253,253,254,253,253,253,253,87,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,253,253,253,253,253,254,253,253,232,58,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,46,132,178,253,253,191,132,57,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,73,150,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,206,251,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,251,246,230,251,243,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,211,253,251,137,109,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,211,251,253,147,10,109,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,108,0,110,253,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,107,0,109,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,215,86,35,15,6,129,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,221,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,228,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,160,251,251,251,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,251,251,251,212,109,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,251,251,251,251,253,251,241,180,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,253,253,253,253,255,253,253,253,253,73,73,10,0,0,0,0,0,0,0,0,0,0,0,0,0,63,221,253,251,230,107,107,108,189,251,251,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,32,231,251,253,230,55,0,0,0,20,35,35,164,216,112,5,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,148,251,201,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,163,163,163,163,247,254,254,189,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,245,253,253,253,254,253,253,253,253,249,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,88,139,184,216,127,107,113,253,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,168,253,253,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,254,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,87,241,253,227,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,233,253,254,253,253,225,152,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,244,245,235,235,235,250,253,253,238,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,41,0,0,0,75,233,253,254,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,255,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,254,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,203,253,254,164,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,243,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,177,254,241,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,172,245,253,204,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,19,116,200,249,244,196,112,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,246,227,195,142,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,195,96,96,96,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,158,251,251,231,161,62,141,228,212,191,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,251,251,219,47,0,0,0,32,204,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,251,219,42,0,0,0,0,0,19,213,248,142,8,0,0,0,0,0,0,0,0,0,0,0,0,139,217,253,231,47,0,0,0,0,0,0,0,96,251,251,31,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,161,0,0,0,0,0,0,0,0,60,230,253,91,0,0,0,0,0,0,0,0,0,0,24,221,251,251,161,16,0,0,0,0,0,0,0,0,60,228,251,188,0,0,0,0,0,0,0,0,0,0,112,251,251,251,0,0,0,0,0,0,0,0,0,0,0,190,251,188,0,0,0,0,0,0,0,0,0,0,190,251,251,211,0,0,0,0,0,0,0,0,0,0,24,205,251,188,0,0,0,0,0,0,0,0,0,0,190,251,251,94,0,0,0,0,0,0,0,0,0,0,96,251,251,188,0,0,0,0,0,0,0,0,0,96,253,253,189,0,0,0,0,0,0,0,0,0,0,0,155,253,253,189,0,0,0,0,0,0,0,0,0,96,251,251,188,0,0,0,0,0,0,0,0,0,0,120,253,251,251,69,0,0,0,0,0,0,0,0,0,96,251,251,188,0,0,0,0,0,0,0,0,0,32,205,253,251,251,31,0,0,0,0,0,0,0,0,0,96,251,251,89,0,0,0,0,0,0,0,0,32,210,251,253,243,109,4,0,0,0,0,0,0,0,0,0,96,251,251,188,0,0,0,0,0,0,0,0,127,251,251,253,121,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,95,0,0,0,0,0,36,214,253,253,253,219,39,0,0,0,0,0,0,0,0,0,0,0,24,205,251,251,212,32,32,32,72,190,214,251,251,251,231,39,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,251,251,251,251,253,251,251,140,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,110,204,251,253,251,251,251,251,253,243,188,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,94,153,251,251,251,251,193,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,156,194,194,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,235,253,234,250,253,164,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,154,0,66,169,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,216,5,0,0,6,183,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,49,0,0,0,0,136,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,219,234,234,159,77,213,253,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,253,253,253,253,254,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,219,98,98,195,255,254,254,201,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,26,169,254,191,203,251,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,209,79,210,253,213,12,0,72,78,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,253,253,237,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,185,222,140,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,20,0,81,225,255,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,198,221,197,227,253,253,253,247,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,253,249,185,122,242,253,158,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,228,253,253,224,108,0,50,232,253,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,253,253,239,106,0,0,220,253,248,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,195,253,253,225,35,0,22,176,246,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,253,253,253,161,16,130,214,224,253,249,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,253,253,253,253,253,223,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,161,253,253,253,253,253,253,253,253,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,238,253,253,253,253,253,253,253,253,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,253,253,253,253,253,253,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,200,253,253,253,234,169,169,148,68,147,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,192,88,0,0,0,0,145,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,240,36,0,0,0,0,109,203,253,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,195,0,0,0,2,100,239,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,253,132,0,19,90,212,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,238,253,253,245,171,244,253,253,253,253,253,166,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,253,253,253,253,253,245,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,201,253,253,253,253,253,253,218,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,80,108,192,149,149,63,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,255,64,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,64,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,222,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,223,249,233,199,249,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,89,238,234,138,23,0,235,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,193,248,215,40,0,0,64,249,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,238,253,84,0,0,0,0,228,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,241,248,84,0,0,0,6,170,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,225,87,0,0,0,8,166,253,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,212,63,0,0,0,28,210,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,238,216,30,0,0,0,0,165,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,220,26,0,0,7,91,149,248,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,105,0,42,119,202,254,182,91,115,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,240,236,245,253,229,133,7,0,56,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,197,216,230,197,81,21,0,0,0,172,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,43,245,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,206,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,247,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,110,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,210,253,229,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,210,253,250,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,213,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,248,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,253,253,137,0,0,0,0,0,0,0,0,0,43,159,174,174,33,0,0,0,0,0,0,0,0,0,7,253,253,236,29,0,0,0,0,0,0,0,0,20,225,253,253,253,219,120,0,0,0,0,0,0,0,0,98,253,253,228,0,0,0,0,0,0,0,0,20,188,253,253,253,253,253,253,0,0,0,0,0,0,0,0,164,253,253,134,0,0,0,0,0,0,0,0,175,253,253,226,73,240,253,253,0,0,0,0,0,0,0,0,255,253,253,141,0,0,0,0,0,0,0,59,243,253,253,57,0,199,253,253,0,0,0,0,0,0,0,0,215,253,253,228,0,0,0,0,0,0,0,115,253,253,138,6,0,212,253,214,0,0,0,0,0,0,0,0,130,253,253,228,0,0,0,0,0,0,0,199,253,253,37,0,37,242,253,26,0,0,0,0,0,0,0,0,130,253,253,238,37,0,0,0,0,0,0,199,253,253,37,37,221,253,152,1,0,0,0,0,0,0,0,0,21,253,253,253,220,37,0,0,0,0,0,199,253,253,228,235,253,253,26,0,0,0,0,0,0,0,0,0,1,96,253,253,253,238,230,144,106,106,106,221,253,253,253,253,253,101,2,0,0,0,0,0,0,0,0,0,0,1,88,207,253,253,253,253,253,253,253,253,253,253,253,253,40,2,0,0,0,0,0,0,0,0,0,0,0,0,0,7,88,210,253,253,253,253,253,253,216,234,210,26,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,5,5,94,129,96,5,4,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,113,167,225,230,167,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,149,252,254,254,254,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,200,254,254,248,105,78,42,244,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,248,128,25,0,0,100,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,232,98,0,0,0,115,253,222,13,84,131,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,248,131,0,0,0,0,227,220,100,56,248,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,131,0,0,0,0,35,99,77,222,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,251,182,22,0,0,0,12,128,250,254,229,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,150,9,43,128,230,254,254,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,254,254,254,254,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,157,203,175,175,167,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,25,252,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,237,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,183,255,198,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,215,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,145,223,139,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,156,156,194,232,163,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,232,253,253,253,254,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,210,174,193,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,246,253,128,9,0,5,19,19,235,253,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,157,254,245,48,0,0,0,0,0,234,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,249,60,0,0,0,0,19,239,254,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,254,195,30,0,0,0,0,79,253,253,245,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,175,57,0,0,0,0,0,79,253,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,213,0,0,0,0,0,0,0,130,253,253,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,245,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,253,253,209,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,255,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,222,254,253,209,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,208,193,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,191,235,255,150,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,242,248,253,253,253,253,253,249,150,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,253,253,216,142,174,253,253,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,159,102,13,0,43,176,253,253,217,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,198,253,109,3,0,0,0,0,41,228,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,32,3,0,0,0,0,0,0,189,253,253,212,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,195,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,218,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,46,46,5,0,0,0,0,70,234,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,253,253,178,169,169,129,77,234,253,253,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,253,253,253,253,253,253,237,76,29,0,0,0,0,17,0,0,0,0,0,0,0,0,125,253,253,253,253,253,253,253,253,253,253,253,253,253,241,156,90,156,156,193,0,0,0,0,0,0,0,0,125,253,253,253,253,253,253,253,253,238,136,130,234,237,253,253,253,252,163,51,0,0,0,0,0,0,0,0,125,253,253,253,253,253,253,253,206,25,0,0,0,17,110,124,240,160,0,0,0,0,0,0,0,0,0,0,57,247,253,253,253,253,248,139,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,123,123,123,123,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,193,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,247,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,255,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,210,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,125,164,254,254,254,228,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,253,253,253,253,253,253,252,248,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,253,253,253,253,253,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,132,149,109,19,19,19,19,110,219,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,239,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,72,106,202,202,238,242,164,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,176,243,253,253,253,253,253,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,245,253,253,253,253,253,253,253,253,195,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,237,201,214,253,253,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,78,78,54,0,20,78,78,176,253,253,232,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,177,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,62,253,250,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,150,150,150,150,46,121,83,150,169,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,253,253,253,253,253,253,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,247,249,253,253,253,253,253,253,249,159,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,123,230,253,152,190,123,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,248,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,238,254,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,156,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,228,254,254,179,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,254,248,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,241,0,0,0,57,19,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,214,0,22,172,242,205,187,223,187,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,194,28,201,254,255,254,255,254,254,170,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,254,254,254,254,254,254,254,254,254,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,39,225,254,254,254,254,254,254,254,254,187,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,254,254,132,13,13,9,117,248,254,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,254,254,115,84,29,128,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,254,254,254,254,254,254,219,231,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,215,254,254,254,254,254,254,254,254,254,254,188,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,96,155,234,239,254,254,254,254,246,189,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,142,254,251,117,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,182,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,252,239,33,0,17,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,252,115,0,0,124,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,116,0,0,26,224,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,252,116,2,0,0,122,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,65,24,24,97,222,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,252,252,252,253,252,252,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,195,130,86,252,252,153,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,193,77,9,0,24,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,180,8,0,0,0,181,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,216,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,221,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,255,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,201,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,161,254,254,255,254,192,89,37,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,170,233,254,253,254,253,254,253,228,217,135,52,21,0,0,0,0,0,0,0,0,0,0,0,0,0,213,171,47,254,125,32,42,228,208,73,84,166,223,254,254,191,0,0,0,0,0,0,0,0,0,0,0,0,160,37,109,253,73,0,0,83,249,31,0,0,6,57,254,170,0,0,0,0,0,0,0,0,0,0,0,0,160,37,11,217,161,6,0,73,254,47,0,0,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,0,129,5,0,83,254,99,0,73,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,79,140,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,254,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,243,222,197,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,244,125,63,244,171,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,191,0,0,99,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,197,21,0,0,0,145,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,170,11,0,0,0,0,0,212,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,192,109,0,0,0,0,0,0,58,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,46,0,0,0,0,0,0,58,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,243,109,0,0,0,0,0,11,213,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,243,125,0,0,0,0,155,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,244,212,110,109,150,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,243,254,211,171,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,180,255,254,210,150,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,253,253,232,138,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,237,253,221,217,217,217,246,253,214,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,78,99,8,0,0,0,94,218,253,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,211,253,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,222,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,244,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,135,184,239,154,239,239,222,176,253,253,178,5,0,0,0,0,0,0,0,0,0,0,0,0,0,27,182,248,253,253,253,253,253,253,253,253,253,253,125,26,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,235,233,233,253,253,253,253,253,253,253,209,78,0,0,0,0,0,0,0,0,0,0,0,0,244,253,180,83,10,0,4,213,253,253,253,253,253,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,240,253,115,11,60,140,219,253,253,252,171,36,36,87,139,77,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,253,253,253,253,231,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,46,195,253,253,228,147,46,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,149,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,159,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,59,18,0,0,0,0,0,100,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,72,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,203,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,135,0,0,0,0,0,0,136,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,254,143,98,98,60,0,0,0,136,253,195,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,255,254,254,254,254,255,254,254,254,254,255,189,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,245,136,128,107,135,135,136,143,239,253,253,76,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,48,0,0,0,0,0,0,0,79,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,101,241,255,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,47,197,253,253,253,253,196,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,205,253,253,253,253,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,248,253,253,253,253,253,253,253,253,253,176,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,253,253,253,253,253,253,226,214,248,253,253,164,14,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,253,253,253,253,253,211,35,0,139,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,243,89,10,0,0,70,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,13,175,253,253,253,253,222,0,0,0,0,19,80,253,253,209,107,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,222,0,0,0,0,0,16,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,227,61,0,0,0,0,0,2,128,253,253,178,14,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,154,0,0,0,0,0,0,0,116,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,14,0,0,0,0,0,0,0,116,253,253,200,23,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,14,0,0,0,0,0,0,5,153,253,251,106,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,14,0,0,0,0,0,0,120,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,14,0,0,0,0,0,0,169,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,166,55,0,0,44,62,198,241,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,253,253,242,162,162,226,253,253,253,253,115,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,253,253,253,253,253,253,253,253,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,229,253,253,253,253,253,253,205,96,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,150,253,253,253,253,178,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,77,161,220,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,136,215,254,233,209,125,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,134,252,251,208,99,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,194,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,186,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,101,0,0,0,3,17,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,118,56,115,190,200,254,237,165,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,236,213,213,224,254,236,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,247,239,174,90,23,0,0,11,115,253,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,20,0,0,0,0,0,0,0,86,254,250,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,136,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,15,0,0,0,0,0,0,0,14,214,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,161,4,0,0,0,0,0,0,129,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,254,192,78,0,0,0,15,131,242,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,173,252,252,230,230,230,236,254,230,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,149,208,254,254,207,148,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,191,212,169,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,128,228,252,253,252,252,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,56,167,252,253,252,252,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,174,232,218,244,253,231,70,121,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,252,252,108,178,253,252,205,165,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,255,249,230,230,126,255,253,253,253,253,244,65,7,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,249,168,0,0,0,103,185,188,252,252,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,199,0,0,0,0,0,0,19,69,121,222,252,234,33,0,0,0,0,0,0,0,0,0,0,0,68,224,252,116,0,0,0,0,0,0,0,0,0,25,177,252,215,19,0,0,0,0,0,0,0,0,0,43,246,252,252,116,0,0,0,0,0,0,0,0,0,0,57,252,252,22,0,0,0,0,0,0,0,0,13,212,253,253,180,0,0,0,0,0,0,0,0,0,0,0,110,253,253,137,0,0,0,0,0,0,0,0,45,252,252,193,8,0,0,0,0,0,0,0,0,0,0,57,219,252,252,117,0,0,0,0,0,0,0,0,138,252,252,77,0,0,0,0,0,0,0,0,0,0,64,253,252,252,153,6,0,0,0,0,0,0,0,0,138,252,195,9,0,0,0,0,0,0,0,0,0,34,238,253,252,195,9,0,0,0,0,0,0,0,0,0,86,252,183,0,0,0,0,0,0,0,0,0,116,238,252,253,106,16,0,0,0,0,0,0,0,0,0,0,11,193,180,5,0,0,0,0,0,0,24,212,253,245,241,242,135,0,0,0,0,0,0,0,0,0,0,0,0,17,94,177,36,0,0,0,38,47,212,252,221,67,42,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,221,132,184,184,240,252,253,252,233,111,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,252,253,252,252,252,210,161,202,64,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,179,253,231,137,189,22,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,88,0,63,114,113,113,113,113,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,246,225,240,253,252,252,252,252,253,228,225,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,214,252,214,227,196,214,208,227,227,253,252,252,246,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,28,47,0,28,19,47,47,84,139,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,255,253,253,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,117,228,252,253,252,186,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,120,215,252,252,252,196,70,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,29,123,215,253,252,252,217,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,204,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,225,253,252,186,74,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,252,252,253,154,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,104,252,252,236,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,234,225,226,225,193,85,85,85,85,85,85,85,85,9,0,0,0,0,0,0,0,0,0,0,0,119,214,252,252,252,253,252,252,252,252,253,252,252,252,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,28,84,177,223,225,223,230,236,236,253,242,230,233,223,225,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,50,50,112,74,25,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,211,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,206,252,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,211,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,241,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,109,109,63,0,0,0,0,218,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,252,252,238,217,114,31,94,247,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,252,252,253,252,252,211,212,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,231,108,108,148,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,253,253,72,0,0,32,212,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,210,252,227,217,218,227,252,252,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,206,252,252,253,252,252,231,154,195,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,211,252,253,210,108,46,0,0,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,135,247,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,208,245,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,194,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,241,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,58,0,0,0,0,18,34,109,118,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,58,0,0,0,90,231,254,254,254,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,234,11,0,0,90,247,246,167,129,242,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,229,0,0,20,232,246,58,0,0,230,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,185,0,0,110,254,164,0,0,12,235,197,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,145,0,0,194,254,52,0,0,105,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,145,0,0,205,254,42,0,0,189,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,145,0,0,205,254,42,0,32,242,198,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,195,0,0,205,254,42,0,127,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,229,0,0,205,254,42,55,242,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,253,81,0,180,254,132,225,254,92,89,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,241,87,68,254,254,254,254,202,51,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,138,254,254,252,254,254,254,209,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,82,0,0,0,0,0,173,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,203,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,253,183,0,0,0,0,0,255,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,252,61,0,0,0,0,0,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,244,81,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,203,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,253,41,0,0,0,0,0,0,62,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,183,102,102,102,102,102,102,162,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,243,254,253,254,253,254,253,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,253,252,192,192,233,232,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,218,25,0,0,0,0,0,0,0,56,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,251,22,0,0,0,0,0,0,0,133,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,95,0,0,0,0,0,0,0,23,232,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,205,236,32,0,0,0,0,0,0,0,83,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,117,0,0,0,0,0,0,0,0,135,228,7,0,0,0,0,0,0,0,0,0,0,0,0,0,39,243,244,13,0,0,0,0,0,0,0,0,135,164,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,244,74,0,0,0,0,0,0,0,0,0,169,164,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,209,0,0,0,0,0,0,0,0,0,0,235,164,0,0,0,0,0,0,0,0,0,0,0,0,0,158,226,39,0,0,0,0,0,0,0,0,0,0,235,164,0,0,0,0,0,0,0,0,0,0,0,0,124,254,159,0,0,0,0,0,0,0,0,0,0,80,254,66,0,0,0,0,0,0,0,0,0,0,0,5,202,197,16,0,0,0,0,0,0,0,3,6,3,161,226,13,0,0,0,0,0,0,0,0,0,0,0,74,254,111,0,0,0,0,0,36,61,124,203,254,174,198,156,0,0,0,0,0,0,0,0,0,0,0,0,195,203,21,16,16,89,116,192,238,248,239,194,139,63,254,120,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,254,254,201,126,50,0,0,0,153,254,53,0,0,0,0,0,0,0,0,0,0,0,0,150,229,229,229,138,129,35,7,0,0,0,0,0,225,183,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,34,131,192,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,218,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,254,254,254,254,254,179,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,250,205,105,105,199,249,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,125,0,0,0,0,124,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,162,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,44,44,161,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,254,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,254,254,254,210,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,199,254,254,254,236,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,55,165,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,165,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,201,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,76,0,0,69,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,224,29,0,69,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,246,255,238,139,207,254,129,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,254,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,254,254,254,254,126,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,215,254,254,127,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,206,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,134,230,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,168,250,253,233,103,53,42,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,253,236,130,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,240,56,0,0,0,4,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,180,44,0,0,0,0,133,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,240,47,0,0,0,0,169,252,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,67,0,0,0,0,53,232,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,31,0,0,0,0,190,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,31,0,0,0,21,250,253,247,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,31,0,0,83,222,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,152,42,89,252,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,253,253,253,253,253,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,88,210,222,220,98,205,253,116,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,239,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,233,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,185,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,213,213,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,245,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,215,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,145,237,190,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,54,26,241,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,54,0,87,220,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,240,119,0,0,170,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,218,144,0,0,55,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,144,0,0,16,227,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,217,11,0,8,144,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,182,77,64,226,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,169,254,253,194,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,206,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,216,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,248,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,229,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,216,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,173,214,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,218,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,241,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,204,25,80,163,235,144,128,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,225,213,254,241,240,250,254,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,146,82,5,0,56,213,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,152,4,0,0,0,0,27,226,215,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,145,0,0,0,0,0,0,127,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,207,216,13,0,0,0,0,0,107,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,144,0,0,0,0,0,107,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,246,250,100,1,0,0,1,145,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,115,68,68,172,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,119,254,254,254,254,254,237,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,93,176,254,254,113,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,114,113,222,253,174,114,113,113,113,113,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,240,253,252,252,252,252,253,252,252,252,252,253,228,50,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,253,252,208,195,195,196,195,195,195,195,196,148,12,0,0,0,0,0,0,0,0,0,0,0,0,0,44,252,253,195,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,177,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,255,253,253,159,113,114,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,253,252,252,252,252,253,243,225,225,225,85,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,214,252,252,252,253,252,252,252,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,84,84,225,223,246,252,252,253,224,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,112,189,253,252,195,0,0,0,0,0,0,0,0,0,0,0,86,222,38,0,0,0,0,0,0,0,0,0,92,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,85,252,218,85,85,38,85,85,38,85,131,225,243,252,253,223,52,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,221,252,252,221,253,252,252,252,252,228,130,0,0,0,0,0,0,0,0,0,0,0,0,28,84,196,252,253,252,252,252,252,253,252,252,249,223,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,112,253,252,252,252,252,253,127,112,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,179,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,187,169,108,131,169,169,170,169,131,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,252,252,253,252,252,252,253,252,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,178,103,139,139,253,252,252,252,140,165,252,252,250,75,0,0,0,0,0,0,0,0,0,0,0,0,86,253,114,0,0,0,0,0,0,0,0,45,229,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,169,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,25,0,0,0,0,0,0,0,60,234,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,0,0,0,0,0,0,0,0,191,252,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,247,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,202,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,170,255,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,253,238,249,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,190,253,227,58,105,248,186,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,160,16,0,0,108,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,227,16,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,127,0,0,0,0,95,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,42,0,0,0,51,231,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,233,23,0,0,50,199,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,161,109,173,234,223,159,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,214,253,253,253,228,37,37,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,91,59,0,0,37,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,229,255,148,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,134,230,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,246,253,188,35,224,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,221,58,0,169,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,237,97,0,10,240,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,30,0,0,89,253,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,183,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,213,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,230,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,203,251,253,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,215,253,253,237,206,253,228,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,246,253,253,253,101,91,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,150,0,0,222,253,121,68,161,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,253,253,225,23,0,0,141,253,253,253,240,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,244,70,0,0,0,16,171,196,164,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,224,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,141,254,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,141,249,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,250,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,249,253,253,253,186,213,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,202,248,253,253,235,68,73,194,253,232,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,232,253,253,253,160,26,82,242,253,253,253,249,45,0,0,0,0,0,0,0,0,0,0,0,0,0,75,208,253,253,231,138,11,0,127,253,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,231,130,0,0,0,7,45,58,221,253,253,123,0,0,0,0,0,0,0,0,0,0,0,30,189,247,253,253,78,0,0,0,0,0,0,21,232,253,253,123,0,0,0,0,0,0,0,0,0,0,0,138,253,253,231,81,12,0,0,0,0,0,0,60,253,253,214,28,0,0,0,0,0,0,0,0,0,0,114,249,253,253,138,0,0,0,0,0,0,0,123,229,253,213,30,0,0,0,0,0,0,0,0,0,0,0,241,253,253,207,31,0,0,0,0,0,10,139,228,253,249,88,0,0,0,0,0,0,0,0,0,0,0,82,250,253,185,10,0,0,0,12,36,34,150,253,253,248,125,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,68,0,0,0,0,66,234,230,253,253,228,125,0,0,0,0,0,0,0,0,0,0,0,0,17,249,253,186,9,0,0,0,27,90,253,253,253,231,79,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,149,0,0,9,67,234,253,253,248,203,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,211,33,134,184,253,253,253,249,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,253,253,249,206,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,250,253,253,253,253,253,248,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,123,244,253,253,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,150,150,157,255,210,87,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,244,171,10,10,10,97,184,250,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,120,33,0,0,0,0,35,237,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,250,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,251,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,144,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,253,171,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,171,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,233,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,246,232,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,249,170,11,0,0,0,0,0,0,0,0,9,18,0,0,0,0,0,0,0,0,0,0,0,0,0,26,240,231,21,0,0,0,0,0,0,0,0,0,142,139,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,88,0,0,0,0,0,0,0,0,15,165,240,43,0,0,0,0,0,0,0,0,0,0,0,0,25,232,243,46,0,0,0,0,0,0,0,120,230,239,61,0,0,0,0,0,0,0,0,0,0,0,0,0,6,192,253,199,115,115,115,94,11,113,193,250,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,194,253,253,253,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,46,137,218,166,171,253,151,71,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,192,254,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,232,252,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,251,252,252,232,247,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,252,155,0,99,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,252,112,7,0,0,144,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,253,170,0,0,0,0,9,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,249,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,243,47,0,0,0,38,64,64,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,89,236,252,252,225,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,4,183,253,255,253,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,211,0,136,252,252,253,189,168,224,252,243,83,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,211,0,232,252,252,153,5,0,14,161,253,175,2,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,57,246,252,182,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,229,155,252,252,147,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,253,253,147,0,0,39,114,192,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,253,252,252,252,226,191,190,247,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,144,247,252,252,252,253,252,252,252,252,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,136,231,252,253,252,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,86,209,252,252,182,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,192,151,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,232,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,214,213,163,162,234,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,213,10,0,0,112,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,41,0,0,0,0,142,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,171,0,0,0,0,0,20,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,131,0,0,0,0,0,0,152,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,213,10,0,0,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,102,0,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,61,0,0,0,0,0,0,0,193,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,192,0,0,0,0,0,0,0,62,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,151,0,0,0,0,0,0,0,142,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,91,0,0,0,0,0,0,31,233,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,50,0,0,0,0,0,0,173,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,71,0,0,0,0,31,213,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,232,41,0,0,41,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,234,152,153,233,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,252,233,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,184,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,244,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,201,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,167,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,230,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,0,0,0,0,0,0,0,76,248,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,97,0,0,0,0,0,0,76,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,168,0,0,0,0,0,0,104,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,199,4,0,0,0,0,9,247,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,168,0,0,0,0,0,87,253,249,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,136,0,0,0,0,0,134,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,239,248,58,0,0,0,0,9,209,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,234,0,0,0,0,18,131,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,234,0,0,0,70,229,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,247,125,159,240,254,255,254,254,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,253,253,253,253,254,253,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,251,253,253,245,243,254,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,84,84,13,63,254,241,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,194,156,156,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,233,236,253,254,220,184,65,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,78,175,241,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,146,250,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,246,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,211,253,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,234,234,246,253,225,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,223,253,253,254,162,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,159,254,255,238,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,39,158,250,241,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,97,18,0,0,0,0,79,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,196,54,0,0,17,196,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,222,42,0,49,196,253,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,235,234,246,253,240,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,103,223,253,253,254,162,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,178,195,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,168,169,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,120,229,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,177,236,239,146,172,206,106,122,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,169,138,154,249,236,230,145,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,220,72,222,155,105,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,148,253,254,232,162,246,225,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,135,103,6,0,184,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,237,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,254,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,254,255,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,219,140,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,148,211,219,96,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,254,253,253,238,191,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,232,143,127,162,243,253,253,225,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,111,243,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,166,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,211,205,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,226,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,238,253,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,120,233,254,253,253,240,233,234,198,128,57,22,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,254,253,253,253,253,254,253,253,253,253,240,169,67,0,0,0,0,0,0,0,0,0,0,0,0,13,218,209,130,42,42,42,42,42,78,147,147,147,148,147,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,67,132,160,241,184,161,112,67,22,37,143,138,4,0,0,0,0,0,0,0,0,0,0,0,0,0,54,189,254,227,216,216,216,240,254,254,235,241,223,19,0,0,0,0,0,0,0,0,0,0,0,0,0,8,235,254,127,17,0,0,0,36,124,254,254,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,229,254,110,0,0,0,0,20,203,254,231,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,239,60,0,0,18,206,254,175,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,190,254,238,57,10,176,254,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,206,254,237,215,254,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,237,254,254,197,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,234,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,240,245,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,249,254,64,84,254,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,187,2,7,203,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,248,84,0,0,188,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,235,0,0,0,188,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,235,0,0,13,217,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,235,0,0,96,254,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,239,17,13,222,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,189,254,196,222,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,166,254,232,149,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,108,80,166,223,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,203,254,254,254,254,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,233,170,145,187,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,249,60,0,0,12,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,247,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,0,0,0,0,0,0,0,0,0,0,225,254,123,0,0,0,0,0,0,0,0,0,0,7,54,171,203,27,0,0,0,0,0,0,0,0,0,0,139,254,247,76,0,0,0,0,0,0,0,0,169,231,244,254,91,0,0,0,0,0,0,0,0,0,0,0,139,254,254,218,76,0,0,0,0,31,138,251,254,254,193,70,1,0,0,0,0,0,0,0,0,0,0,0,27,211,254,254,219,75,0,47,190,245,254,254,254,101,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,211,254,254,246,224,240,254,254,254,181,34,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,212,254,254,254,254,251,154,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,26,196,254,254,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,254,253,254,254,246,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,241,254,254,254,89,124,254,254,242,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,254,254,252,96,1,43,223,254,254,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,250,100,0,0,0,43,226,254,254,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,254,254,155,0,0,0,0,0,44,254,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,229,46,0,0,0,0,0,6,167,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,129,0,0,0,0,0,0,12,147,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,166,255,254,217,109,87,0,57,111,179,241,254,254,226,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,125,149,73,73,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,251,253,251,251,251,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,140,221,251,251,253,251,251,251,251,166,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,150,251,251,251,251,253,251,251,204,220,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,27,180,231,253,251,251,251,251,72,71,71,41,180,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,253,253,143,0,0,0,0,0,0,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,253,251,127,61,0,0,0,0,0,0,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,185,215,241,253,147,10,0,0,0,0,0,0,0,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,47,211,253,188,20,0,0,0,0,0,0,79,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,107,0,0,0,0,0,0,0,180,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,182,0,0,0,0,0,0,0,110,253,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,77,0,0,0,0,0,0,21,190,251,253,168,15,0,0,0,0,0,0,0,0,0,0,0,0,217,251,96,0,0,0,0,0,0,0,63,251,251,190,15,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,71,0,0,0,0,0,0,63,231,251,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,71,0,0,0,0,0,53,221,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,72,0,0,0,32,73,255,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,174,0,0,21,190,251,253,251,251,188,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,251,251,218,217,221,251,251,253,251,194,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,189,251,253,251,251,251,251,253,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,200,253,251,251,173,71,72,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,208,255,190,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,224,191,214,254,218,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,204,228,92,246,165,14,0,10,55,249,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,229,121,245,40,0,0,14,125,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,150,15,163,11,0,0,71,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,172,1,24,0,2,54,235,254,104,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,95,0,0,62,254,252,110,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,231,202,5,127,252,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,206,252,246,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,172,254,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,204,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,247,244,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,110,241,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,182,0,75,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,182,0,18,203,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,182,0,0,71,246,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,182,0,0,32,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,240,65,0,32,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,218,88,107,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,180,254,178,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,114,226,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,255,198,170,86,86,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,198,86,0,0,0,0,0,0,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,57,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,114,0,0,0,0,0,0,0,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,198,29,0,0,0,0,0,114,170,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,141,0,0,141,255,255,255,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,226,226,255,255,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,226,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,141,0,29,226,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,141,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,170,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,29,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,114,0,0,0,0,0,0,0,198,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,170,29,0,0,0,0,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,114,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,226,255,198,198,170,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,255,255,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,254,254,254,254,85,0,7,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,253,224,156,177,253,184,26,216,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,253,202,17,0,124,253,184,164,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,168,19,0,68,240,253,235,247,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,255,199,17,0,0,102,216,254,254,241,241,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,81,0,0,0,9,174,253,173,35,224,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,254,94,15,24,116,208,251,162,17,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,254,253,228,253,254,168,79,0,0,17,224,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,185,184,184,118,0,0,0,0,0,47,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,228,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,218,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,185,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,212,82,0,82,215,255,233,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,113,221,95,11,0,48,211,60,44,27,146,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,6,121,246,87,0,0,0,37,68,0,0,0,0,170,187,3,0,0,0,0,0,0,0,0,0,0,0,0,153,248,89,0,0,0,0,0,0,0,0,0,0,49,254,96,0,0,0,0,0,0,0,0,0,0,0,114,243,111,0,0,0,0,0,0,0,0,0,0,0,11,209,109,0,0,0,0,0,0,0,0,0,0,2,175,184,8,0,0,0,0,0,0,0,0,0,0,0,0,150,160,0,0,0,0,0,0,0,0,0,0,83,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,190,208,0,0,0,0,0,0,0,0,0,0,126,243,35,0,0,0,0,0,0,0,0,0,0,0,0,20,225,208,0,0,0,0,0,0,0,0,0,0,210,189,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,132,0,0,0,0,0,0,0,0,0,0,210,188,0,0,0,0,0,0,0,0,0,0,0,0,0,134,236,49,0,0,0,0,0,0,0,0,0,0,208,188,0,0,0,0,0,0,0,0,0,0,0,0,34,223,163,0,0,0,0,0,0,0,0,0,0,0,133,189,0,0,0,0,0,0,0,0,0,0,0,0,142,254,102,0,0,0,0,0,0,0,0,0,0,0,81,244,29,0,0,0,0,0,0,0,0,0,0,12,213,179,10,0,0,0,0,0,0,0,0,0,0,0,11,253,62,0,0,0,0,0,0,0,0,0,20,166,253,92,0,0,0,0,0,0,0,0,0,0,0,0,6,210,143,0,0,0,0,0,0,0,0,2,128,254,165,10,0,0,0,0,0,0,0,0,0,0,0,0,0,133,248,56,0,0,0,0,0,0,0,16,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,208,181,4,0,0,0,0,1,122,236,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,95,0,0,0,54,132,254,248,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,145,145,182,250,254,202,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,187,253,253,234,113,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,161,255,218,89,0,3,7,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,136,219,253,253,253,172,5,162,253,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,249,140,147,160,157,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,170,253,253,236,112,0,0,48,236,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,253,253,208,29,0,0,10,163,253,253,253,240,16,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,226,29,0,0,11,161,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,4,167,253,253,210,0,0,11,101,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,6,182,253,253,210,10,50,160,253,253,253,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,241,194,253,253,253,253,253,253,253,183,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,253,253,253,253,253,206,94,218,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,195,253,253,205,154,15,57,242,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,55,55,16,0,0,172,253,253,180,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,218,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,120,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,177,254,254,148,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,253,253,253,225,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,254,253,169,118,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,237,253,254,121,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,234,253,253,124,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,233,253,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,233,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,206,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,253,253,223,39,0,0,0,0,0,5,14,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,225,38,0,0,0,0,0,121,172,253,228,113,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,254,137,0,0,0,64,122,248,254,254,254,254,255,240,51,0,0,0,0,0,0,0,0,0,0,159,252,253,132,4,0,69,185,247,254,253,253,219,231,253,253,253,107,0,0,0,0,0,0,0,0,0,0,241,253,253,53,0,15,195,253,253,210,159,39,18,21,144,253,253,226,0,0,0,0,0,0,0,0,0,39,245,253,228,36,0,153,253,253,253,92,0,0,0,0,9,186,253,240,0,0,0,0,0,0,0,0,0,25,208,253,237,78,29,216,253,246,84,0,0,0,0,0,0,174,253,243,32,0,0,0,0,0,0,0,0,0,108,253,253,236,89,162,253,253,147,0,29,0,0,43,83,233,253,243,31,0,0,0,0,0,0,0,0,0,91,249,253,253,253,211,253,253,253,175,216,174,174,237,253,253,228,131,0,0,0,0,0,0,0,0,0,0,0,84,214,253,253,253,253,253,253,255,253,253,253,253,247,226,83,0,0,0,0,0,0,0,0,0,0,0,0,0,34,212,250,253,253,253,253,255,253,253,249,204,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,120,204,253,253,255,126,120,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,59,97,217,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,50,20,58,140,214,226,253,253,254,191,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,176,241,253,253,253,254,253,253,253,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,13,107,248,254,234,213,213,138,117,109,76,245,185,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,177,58,31,0,0,0,0,16,235,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,247,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,234,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,127,254,255,208,186,238,156,156,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,241,253,253,254,253,239,233,195,114,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,152,78,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,255,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,237,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,220,253,245,174,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,126,253,243,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,244,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,251,248,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,205,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,243,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,253,253,32,92,186,186,186,182,49,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,215,244,253,253,253,253,253,114,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,251,246,251,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,199,84,0,96,129,132,253,253,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,13,0,0,0,0,1,130,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,182,253,253,51,0,0,0,9,161,236,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,170,63,174,199,205,253,253,253,188,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,234,233,253,253,253,253,253,253,253,214,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,140,242,253,253,253,253,241,165,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,116,204,116,116,116,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,43,213,208,208,255,169,183,38,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,253,253,253,253,253,253,253,253,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,221,250,160,115,139,139,139,241,252,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,0,0,0,0,0,0,168,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,245,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,241,253,235,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,87,140,195,216,253,233,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,119,246,253,253,253,253,253,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,253,253,253,253,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,182,109,54,54,163,253,253,213,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,170,57,4,0,0,0,2,88,220,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,231,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,4,244,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,152,16,0,0,0,0,0,67,250,209,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,184,9,0,0,0,69,207,253,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,249,180,141,243,252,253,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,137,237,253,253,253,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,84,84,168,145,74,37,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,138,223,222,196,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,173,254,239,199,246,233,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,179,23,198,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,254,208,35,4,218,254,254,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,241,21,0,0,218,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,151,0,0,36,242,255,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,54,0,0,55,254,254,234,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,113,0,37,181,254,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,243,141,254,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,228,163,241,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,226,243,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,210,237,56,0,0,0,16,240,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,230,254,246,140,56,37,131,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,204,248,251,254,254,254,224,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,108,195,163,163,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,151,254,228,188,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,97,231,254,233,219,251,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,208,116,17,30,226,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,245,168,19,0,22,223,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,180,2,0,22,205,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,90,0,21,205,254,247,125,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,207,254,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,206,254,249,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,243,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,255,248,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,164,191,247,249,247,172,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,223,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,230,243,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,206,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,88,200,254,254,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,72,37,66,143,235,254,254,247,88,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,246,247,254,254,254,228,122,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,228,254,254,203,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,196,17,1,0,0,8,210,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,243,66,0,0,0,0,26,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,235,151,2,0,0,0,0,131,217,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,198,18,0,0,0,0,19,231,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,245,33,0,0,0,0,0,159,254,201,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,76,57,131,142,142,154,249,254,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,195,249,254,254,227,202,244,254,145,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,34,34,17,8,216,166,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,248,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,218,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,220,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,245,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,54,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,208,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,72,143,143,225,253,255,253,253,196,120,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,252,252,252,187,186,241,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,109,44,44,44,0,0,36,152,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,201,10,0,0,0,0,0,0,132,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,0,0,0,0,0,0,0,132,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,250,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,226,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,222,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,175,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,255,255,254,211,125,125,125,125,125,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,193,193,253,253,253,253,253,253,253,253,252,248,248,234,118,51,0,0,0,0,0,0,0,0,0,0,0,6,6,6,12,127,179,253,253,253,253,253,253,253,253,253,253,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,123,149,149,149,149,219,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,166,253,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,103,196,196,196,196,205,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,175,201,201,201,177,193,253,253,249,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,185,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,250,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,210,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,144,144,144,250,230,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,86,177,210,254,253,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,210,250,253,253,253,254,253,210,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,220,169,121,11,10,6,244,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,159,136,35,0,0,0,0,22,246,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,217,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,158,0,0,0,0,97,239,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,245,33,0,0,0,156,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,183,12,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,188,0,0,0,0,57,247,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,214,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,215,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,131,253,213,0,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,118,253,213,0,186,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,118,253,213,0,209,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,118,253,213,76,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,255,163,18,0,0,0,118,254,254,254,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,158,254,253,226,199,118,215,232,253,250,195,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,155,253,253,253,253,254,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,49,117,117,42,232,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,116,76,216,228,236,124,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,239,254,254,254,254,254,254,136,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,239,254,252,199,87,75,122,241,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,254,246,117,0,0,0,0,114,254,165,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,100,254,234,79,0,0,0,0,0,125,254,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,252,97,0,0,5,97,64,73,220,254,247,11,0,0,0,0,0,0,0,0,0,0,0,0,0,51,239,254,151,0,0,29,166,254,254,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,232,32,0,5,198,254,254,254,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,254,133,0,0,93,222,133,62,173,254,254,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,223,12,0,0,7,23,0,97,249,254,230,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,150,0,0,0,0,0,125,249,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,150,0,0,0,41,78,249,254,254,179,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,234,174,157,204,248,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,254,254,254,254,254,254,205,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,228,199,254,176,167,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,114,174,12,3,48,4,126,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,156,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,242,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,108,108,128,156,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,143,236,253,253,253,253,245,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,151,215,251,253,253,253,253,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,147,253,254,253,228,186,204,253,253,253,243,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,145,253,253,254,145,42,0,18,176,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,232,150,4,0,0,0,75,253,235,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,182,253,252,107,0,0,0,0,0,103,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,233,0,0,0,0,0,0,54,253,242,62,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,107,0,0,0,0,0,0,54,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,228,0,64,0,0,0,0,0,188,255,242,57,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,252,235,140,0,0,0,0,121,250,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,243,81,0,0,0,0,30,220,253,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,114,0,0,0,0,30,206,253,236,75,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,242,253,253,199,0,0,0,64,207,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,26,181,212,208,128,239,253,246,187,187,188,250,253,253,175,18,0,0,0,0,0,0,0,0,0,0,0,0,191,253,167,13,0,88,241,253,253,253,255,253,238,170,17,0,0,0,0,0,0,0,0,0,0,0,0,0,45,93,10,0,0,0,64,177,226,241,255,228,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,107,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,18,0,0,0,131,247,195,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,102,0,0,72,254,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,121,0,0,181,217,62,235,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,202,3,8,212,181,0,146,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,68,19,253,117,0,95,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,151,241,61,182,182,0,0,174,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,200,196,181,0,0,160,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,164,253,253,84,0,32,226,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,241,238,199,226,245,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,156,253,207,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,218,247,254,226,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,253,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,243,253,127,48,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,151,2,5,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,176,4,0,5,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,244,157,95,20,181,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,137,231,253,253,250,252,253,223,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,149,148,229,253,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,194,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,239,241,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,250,208,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,54,141,116,117,54,141,241,242,141,141,128,129,22,0,0,0,0,0,0,0,0,0,0,0,0,0,151,179,252,252,28,128,215,252,252,253,252,196,197,253,234,63,0,0,0,0,0,0,0,0,0,0,19,85,234,253,252,252,116,91,233,168,68,168,168,177,246,253,252,168,0,0,0,0,0,0,0,0,0,0,57,252,252,253,227,139,28,16,22,0,0,0,0,10,178,253,252,168,0,0,0,0,0,0,0,0,0,0,70,253,253,176,88,0,0,0,0,0,0,0,0,0,114,255,253,253,28,0,0,0,0,0,0,0,0,19,225,252,252,113,0,0,0,0,0,0,0,0,0,0,138,253,252,252,28,0,0,0,0,0,0,0,0,29,252,252,252,172,197,197,59,0,0,0,0,0,45,197,246,253,252,252,28,0,0,0,0,0,0,0,0,29,252,252,252,253,252,252,240,0,0,0,0,13,194,252,252,253,252,177,3,0,0,0,0,0,0,0,0,13,194,253,253,254,253,253,253,129,54,53,128,204,253,253,253,254,222,25,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,252,253,252,252,252,253,252,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,95,252,252,253,252,252,252,253,252,252,252,253,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,252,252,252,253,252,252,252,253,252,252,252,253,184,0,0,0,0,0,0,0,0,0,0,29,253,253,190,0,26,113,113,226,225,225,125,0,57,253,253,254,197,0,0,0,0,0,0,0,0,0,0,10,196,252,165,0,0,0,0,0,0,0,0,0,57,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,169,252,252,135,28,0,0,0,0,0,0,0,57,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,69,252,252,253,234,137,113,0,0,0,0,0,157,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,26,113,238,254,253,253,253,254,253,165,141,154,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,153,252,252,252,253,252,252,252,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,168,243,253,252,252,252,253,252,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,140,215,252,252,190,215,164,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,66,0,0,0,0,10,164,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,14,0,0,0,0,15,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,212,10,0,0,0,0,147,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,230,213,10,0,0,0,8,174,252,199,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,14,0,0,0,60,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,14,0,0,0,200,252,209,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,252,128,0,0,81,242,249,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,162,0,0,105,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,138,192,255,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,192,227,238,252,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,68,185,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,238,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,165,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,148,253,253,253,253,165,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,252,252,252,252,252,252,253,216,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,252,252,252,253,252,246,94,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,189,252,252,252,252,252,252,253,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,160,230,252,128,143,221,253,252,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,74,4,0,149,253,252,252,252,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,252,252,207,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,192,255,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,216,252,253,252,252,223,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,195,252,252,253,252,252,139,60,164,164,164,47,0,0,0,0,0,0,0,0,0,0,0,0,0,36,135,252,252,252,252,253,252,252,252,252,252,252,252,207,0,0,0,0,0,0,0,0,0,0,0,145,223,232,252,252,252,252,252,253,252,252,252,252,252,252,252,207,0,0,0,0,0,0,0,0,0,0,43,226,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,102,0,0,0,0,0,0,0,0,0,0,139,252,252,252,252,252,252,252,252,253,252,252,252,252,252,180,118,28,0,0,0,0,0,0,0,0,0,0,47,220,252,252,252,252,252,252,252,253,252,252,252,225,162,76,0,0,0,0,0,0,0,0,0,0,0,0,0,134,228,252,252,252,252,252,252,234,207,111,59,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,252,252,252,137,103,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,54,150,150,214,255,254,218,150,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,236,253,253,253,253,253,253,253,253,236,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,223,153,114,130,217,251,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,131,11,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,239,7,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,238,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,245,120,26,0,0,0,78,252,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,120,0,0,0,89,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,253,224,24,0,0,0,133,253,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,98,34,0,0,0,9,205,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,110,109,212,253,110,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,176,237,253,252,252,252,253,242,217,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,181,211,252,252,252,253,252,252,252,253,252,252,252,120,5,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,108,108,108,108,108,232,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,119,252,205,20,0,0,0,0,0,0,0,42,221,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,5,35,20,0,0,0,0,0,0,0,0,0,57,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,5,0,0,0,0,0,0,0,94,252,252,237,30,0,0,0,0,0,0,0,0,0,0,0,0,105,144,191,159,144,144,145,144,41,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,253,253,253,253,255,253,253,253,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,252,189,190,252,253,252,252,252,253,252,252,252,73,10,0,0,0,0,0,0,0,0,0,0,109,252,252,231,71,10,11,71,72,195,241,252,253,252,252,252,253,149,11,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,42,221,252,253,252,252,252,253,252,154,0,0,0,0,0,0,0,0,0,0,218,253,253,109,15,0,63,171,253,253,253,255,119,105,207,255,253,217,0,0,0,0,0,0,0,0,0,0,93,252,252,252,222,217,237,253,252,252,210,119,5,0,20,35,159,71,0,0,0,0,0,0,0,0,0,0,21,92,236,252,252,252,252,253,220,112,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,169,252,252,252,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,204,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,243,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,209,252,252,106,81,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,52,0,26,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,255,222,76,0,16,179,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,166,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,38,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,0,213,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,203,204,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,216,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,194,100,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,63,32,228,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,178,0,0,198,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,53,32,82,234,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,252,228,229,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,103,228,252,190,139,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,207,253,198,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,251,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,200,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,245,253,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,251,253,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,195,253,248,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,199,253,247,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,251,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,203,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,57,227,255,234,146,146,146,146,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,253,253,247,184,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,176,253,253,193,53,225,253,250,202,248,252,241,164,39,0,0,0,0,0,0,0,0,0,0,0,0,7,152,253,253,186,11,0,72,250,110,0,0,68,206,253,227,62,1,0,0,0,0,0,0,0,0,0,0,120,253,253,240,44,0,0,0,198,217,18,0,0,25,130,253,253,74,0,0,0,0,0,0,0,0,0,0,146,253,253,114,0,0,0,0,20,211,150,0,0,0,3,82,252,236,36,0,0,0,0,0,0,0,0,0,146,253,250,39,0,0,0,0,0,62,62,0,0,0,0,0,144,253,75,0,0,0,0,0,0,0,0,0,146,253,248,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,112,0,0,0,0,0,0,0,0,0,146,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,218,19,0,0,0,0,0,0,0,0,77,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,253,107,0,0,0,0,0,0,0,0,38,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,145,0,0,0,0,0,0,0,0,22,224,251,53,0,0,0,0,0,0,0,0,0,0,0,6,215,253,253,90,0,0,0,0,0,0,0,0,13,207,253,102,0,0,0,0,0,0,0,0,0,0,0,91,253,253,207,13,0,0,0,0,0,0,0,0,0,68,241,206,25,0,0,0,0,0,0,0,0,0,23,238,253,253,183,0,0,0,0,0,0,0,0,0,0,0,152,253,177,3,0,0,0,0,0,0,0,0,97,253,253,250,72,0,0,0,0,0,0,0,0,0,0,0,2,184,253,128,0,0,0,0,0,0,0,95,250,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,26,156,252,144,24,0,0,0,9,174,245,253,253,168,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,211,253,167,88,33,72,243,253,253,253,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,227,253,253,253,253,253,253,253,204,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,157,253,253,253,253,253,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,134,163,254,206,130,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,253,253,253,253,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,253,253,253,253,253,254,242,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,115,244,253,246,232,250,238,253,254,253,249,176,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,241,81,4,73,27,88,206,253,253,253,210,37,0,0,0,0,0,0,0,0,0,0,0,0,27,237,253,253,112,0,0,0,0,0,8,84,238,253,253,234,56,0,0,0,0,0,0,0,0,0,0,0,134,253,253,180,8,0,0,0,0,0,0,0,18,185,250,253,243,91,0,0,0,0,0,0,0,0,0,0,144,253,253,54,0,0,0,0,0,0,0,0,0,0,99,253,253,166,0,0,0,0,0,0,0,0,0,0,226,253,253,10,0,0,0,0,0,0,0,0,0,0,15,179,253,242,49,0,0,0,0,0,0,0,0,0,254,253,253,10,0,0,0,0,0,0,0,0,0,0,0,12,235,253,162,0,0,0,0,0,0,0,0,0,193,254,254,11,0,0,0,0,0,0,0,0,0,0,0,0,219,255,221,19,0,0,0,0,0,0,0,0,144,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,33,0,0,0,0,0,0,0,0,144,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,125,0,0,0,0,0,0,0,0,35,247,253,238,46,0,0,0,0,0,0,0,0,0,0,0,122,253,253,37,0,0,0,0,0,0,0,0,0,153,253,253,112,0,0,0,0,0,0,0,0,0,0,0,194,253,203,12,0,0,0,0,0,0,0,0,0,67,253,253,242,160,47,0,0,0,0,0,0,0,0,31,240,253,176,0,0,0,0,0,0,0,0,0,0,6,156,253,253,253,238,103,12,7,0,0,0,6,36,216,253,251,72,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,253,210,155,155,155,206,253,253,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,6,138,203,253,253,253,253,254,253,253,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,37,143,143,191,254,253,253,195,119,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,141,141,241,255,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,13,57,157,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,209,252,252,253,196,130,56,165,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,164,90,28,9,0,0,241,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,234,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,240,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,190,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,76,199,255,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,197,253,253,253,253,16,0,0,41,104,184,170,23,0,0,0,0,0,0,0,0,0,0,0,0,1,122,237,253,253,253,253,251,16,78,155,239,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,1,126,253,253,253,253,225,102,65,22,253,253,253,253,253,229,106,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,238,90,33,0,0,15,226,253,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,36,237,253,250,187,22,0,0,0,0,0,50,233,253,246,152,14,0,0,0,0,0,0,0,0,0,0,8,156,253,253,151,0,0,0,0,0,0,102,221,253,237,31,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,220,15,0,0,0,0,19,172,250,253,220,57,0,0,0,0,0,0,0,0,0,0,0,0,0,36,249,253,250,66,0,0,0,62,198,253,252,140,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,253,224,66,44,79,207,253,234,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,253,243,241,253,211,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,188,248,253,253,253,253,250,199,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,204,253,253,253,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,253,249,90,85,245,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,253,210,67,17,147,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,214,253,253,127,36,223,253,253,253,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,212,253,253,240,231,253,253,253,231,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,191,106,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,231,183,117,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,191,145,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,231,146,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,250,254,254,254,239,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,249,189,56,56,232,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,154,13,0,0,226,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,241,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,234,254,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,249,254,254,252,206,88,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,250,190,37,135,247,254,149,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,58,0,0,0,55,222,254,217,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,229,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,226,254,86,0,0,0,0,0,0,0,0,0,0,0,0,128,179,9,0,0,0,0,0,0,0,0,41,226,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,166,254,18,0,0,0,0,0,0,45,124,229,254,247,103,3,0,0,0,0,0,0,0,0,0,0,0,0,104,254,193,151,85,78,151,186,246,249,254,254,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,254,254,254,254,254,254,254,249,187,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,83,159,191,232,159,159,66,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,117,136,254,166,149,114,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,16,32,63,63,108,206,169,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,190,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,162,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,142,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,187,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,183,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,243,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,230,211,139,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,126,232,169,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,190,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,255,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,136,188,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,109,64,64,209,154,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,201,253,165,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,47,47,124,150,150,242,254,255,254,254,254,139,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,253,253,253,253,253,253,252,160,235,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,240,159,114,114,114,22,10,10,0,8,249,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,0,0,0,0,0,0,0,0,108,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,112,249,253,197,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,195,79,73,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,110,249,253,253,253,253,253,253,218,50,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,195,253,253,253,204,191,113,185,236,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,241,253,252,248,163,9,0,0,0,30,186,253,227,2,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,208,110,0,0,0,0,0,0,0,17,237,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,6,51,7,0,0,0,0,0,0,0,0,0,89,253,219,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,219,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,229,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,126,253,249,43,0,0,0,0,0,0,0,0,0,0,0,23,121,171,76,0,0,0,0,0,0,0,0,77,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,251,218,173,94,11,113,115,115,189,250,253,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,97,196,223,253,253,253,253,253,253,253,253,249,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,72,192,213,170,149,192,149,149,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,154,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,243,253,252,233,221,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,206,93,37,113,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,243,252,151,13,0,0,113,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,247,150,0,0,0,0,176,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,196,0,0,0,0,19,231,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,110,47,0,0,85,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,139,78,0,26,159,252,253,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,253,239,231,178,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,38,19,215,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,127,0,0,197,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,177,3,0,0,197,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,150,25,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,79,7,13,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,187,206,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,240,140,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,191,118,76,15,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,252,252,219,244,162,161,129,47,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,252,253,252,252,252,190,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,252,253,252,252,252,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,137,64,107,179,252,253,252,252,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,253,253,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,253,253,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,253,252,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,252,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,252,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,252,252,252,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,65,252,210,137,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,191,255,191,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,64,255,255,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,189,168,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,152,152,254,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,183,233,252,253,252,151,232,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,193,112,153,193,254,253,203,122,82,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,253,252,151,70,0,0,0,0,21,223,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,102,41,0,0,0,0,0,0,21,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,173,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,130,0,82,123,203,204,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,234,152,254,253,254,233,204,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,151,111,50,30,21,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,61,0,0,0,0,0,0,72,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,137,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,202,253,183,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,200,253,171,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,208,237,132,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,197,235,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,165,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,243,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,243,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,220,253,169,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,204,189,162,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,166,243,197,71,105,133,212,204,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,238,77,0,0,0,16,200,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,245,253,82,0,0,0,0,0,176,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,194,14,0,0,0,0,51,226,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,243,79,0,0,0,0,50,226,211,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,155,0,0,0,0,16,194,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,160,2,0,11,51,228,250,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,151,137,233,253,248,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,240,253,253,213,123,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,204,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,207,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,134,0,0,0,0,0,0,0,0,5,103,175,144,6,0,0,0,0,0,0,0,0,0,0,0,0,152,254,134,0,0,0,0,0,0,0,0,67,254,240,246,122,0,0,0,0,0,0,0,0,0,0,0,0,210,254,62,0,0,0,0,0,0,0,0,116,254,57,81,239,47,0,0,0,0,0,0,0,0,0,0,0,210,254,35,0,0,0,0,0,0,0,0,210,254,30,0,141,208,5,0,0,0,0,0,0,0,0,0,0,210,254,35,0,0,0,0,0,0,0,47,245,201,7,0,135,254,10,0,0,0,0,0,0,0,0,0,0,210,254,35,0,0,0,0,0,0,0,61,254,126,0,0,37,254,49,0,0,0,0,0,0,0,0,0,0,208,254,37,0,0,0,0,0,0,0,63,254,85,0,0,117,254,10,0,0,0,0,0,0,0,0,0,0,87,254,134,0,0,0,0,0,0,0,160,245,32,0,0,135,254,10,0,0,0,0,0,0,0,0,0,0,10,249,179,0,0,0,0,0,0,2,197,239,0,0,0,141,178,2,0,0,0,0,0,0,0,0,0,0,0,165,248,81,0,0,0,0,0,0,160,239,0,0,23,241,98,0,0,0,0,0,0,0,0,0,0,0,0,45,228,216,22,0,0,0,0,5,244,239,0,3,176,213,8,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,195,0,0,0,0,6,254,208,0,128,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,199,252,202,41,22,0,19,254,194,129,252,158,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,210,254,254,230,190,217,254,254,254,200,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,110,126,209,227,246,254,254,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,46,154,233,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,86,165,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,87,171,243,254,201,71,0,0,0,0,0,0,0,0,0,0,0,42,50,31,0,0,46,50,61,144,228,245,254,243,190,75,7,0,0,0,0,0,0,0,0,0,0,9,133,248,254,235,126,181,251,254,254,254,240,189,106,32,0,0,0,0,0,0,0,0,0,0,0,0,15,205,254,222,103,119,142,86,136,127,53,53,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,117,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,202,86,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,160,248,254,240,202,147,91,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,120,190,242,254,254,247,207,92,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,74,77,96,149,226,235,113,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,102,249,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,194,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,219,250,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,67,0,0,0,0,0,37,150,249,223,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,227,77,27,27,94,146,211,206,123,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,200,240,251,244,210,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,63,107,129,129,129,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,233,254,254,178,143,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,94,72,6,88,211,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,0,0,0,111,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,193,0,0,0,0,0,0,4,3,12,7,0,0,0,0,0,0,0,0,0,0,0,31,27,0,21,112,218,239,190,190,190,190,161,185,210,202,244,229,190,156,0,0,0,0,0,0,0,0,195,247,242,152,172,122,234,183,38,38,38,38,9,33,38,38,27,83,76,57,0,0,0,0,0,0,0,0,57,11,11,0,0,8,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,223,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,222,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,229,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,111,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,6,0,0,0,0,0,0,0,0,0,55,247,76,0,0,0,0,0,0,0,0,0,0,0,0,0,17,212,234,50,0,0,0,0,0,0,0,0,173,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,204,0,0,0,0,0,0,0,8,232,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,250,124,0,0,0,0,0,0,0,100,255,254,12,0,0,0,0,0,0,0,0,0,0,0,0,16,216,254,134,0,0,0,0,0,0,0,0,100,255,254,12,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,87,0,0,0,0,0,0,0,0,119,254,254,12,0,0,0,0,0,0,0,0,0,0,0,4,168,254,208,30,0,0,0,0,0,0,0,0,224,254,254,12,0,0,0,0,0,0,0,0,0,0,3,127,254,248,75,0,0,0,0,0,0,0,0,65,245,255,232,10,0,0,0,0,0,0,0,0,0,0,13,254,254,223,0,0,0,0,0,0,0,0,0,122,254,254,54,0,0,0,0,0,0,0,0,0,0,0,105,254,254,193,0,0,0,0,0,0,0,0,0,218,254,228,14,0,0,0,0,0,0,0,0,0,0,5,226,254,202,24,0,0,0,0,0,0,0,0,67,246,254,148,0,0,0,0,0,0,0,0,0,0,0,44,254,249,75,0,0,0,0,0,0,0,0,0,88,254,254,112,0,0,0,0,0,0,0,0,0,0,0,131,254,236,0,0,0,0,0,0,0,0,64,82,202,254,254,98,82,82,2,0,0,0,0,0,0,0,0,131,254,251,212,197,88,170,212,212,212,212,245,254,254,254,254,254,254,254,6,0,0,0,0,0,0,0,0,22,211,254,254,254,254,254,254,254,254,254,254,254,254,254,218,161,161,161,4,0,0,0,0,0,0,0,0,0,23,154,213,254,254,254,235,154,125,64,57,102,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,24,24,24,20,0,0,0,0,194,254,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,255,180,183,118,118,118,118,118,118,118,118,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,222,253,253,253,253,253,253,253,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,40,40,115,163,177,177,177,221,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,168,253,231,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,133,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,246,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,240,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,209,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,246,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,79,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,253,175,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,186,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,168,168,168,177,255,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,139,253,254,254,254,254,254,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,250,254,254,254,254,254,167,49,8,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,196,143,30,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,209,254,242,72,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,139,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,223,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,219,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,213,129,101,57,44,44,83,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,254,254,254,254,254,254,249,167,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,124,208,146,133,122,47,110,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,206,254,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,79,224,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,159,254,254,254,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,120,222,254,251,226,113,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,81,223,254,254,247,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,162,254,254,252,201,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,254,254,235,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,219,254,186,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,240,253,252,252,248,134,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,253,163,242,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,168,252,252,39,2,35,177,252,244,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,248,115,0,0,0,17,211,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,231,252,140,0,0,0,0,0,102,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,252,212,33,0,0,0,0,13,166,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,248,83,0,0,0,0,0,95,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,205,0,0,0,7,140,146,236,252,143,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,224,38,0,0,0,190,252,252,252,146,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,136,0,0,14,253,255,253,253,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,188,4,0,68,185,252,202,190,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,66,70,185,243,252,202,14,11,229,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,221,242,252,243,165,19,0,0,226,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,202,94,47,0,0,0,0,226,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,66,66,17,0,0,0,0,0,0,226,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,82,156,156,156,194,172,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,250,243,247,237,254,255,254,227,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,128,36,54,12,78,78,123,145,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,0,0,0,0,0,37,105,156,156,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,0,0,0,34,193,240,244,234,237,239,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,69,37,109,248,223,153,42,0,12,183,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,245,243,244,241,184,12,0,0,0,0,83,250,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,179,170,70,0,0,0,0,0,0,0,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,179,61,0,0,0,0,0,0,0,0,0,120,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,249,148,11,0,0,0,0,0,0,0,8,240,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,172,55,0,0,0,0,0,0,128,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,232,248,220,137,137,92,108,190,249,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,89,171,254,254,254,254,163,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,142,213,188,175,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,231,252,255,254,254,255,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,54,245,244,166,134,96,105,251,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,240,62,0,0,4,229,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,238,130,0,0,29,166,254,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,141,4,23,179,235,254,210,90,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,231,191,254,254,211,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,246,203,47,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,142,252,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,133,241,254,181,105,230,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,171,249,229,124,19,1,0,85,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,234,241,116,22,0,0,0,7,151,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,129,254,183,60,0,0,0,0,14,120,254,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,239,86,1,0,0,38,83,135,231,252,187,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,237,102,196,198,198,253,254,219,153,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,187,187,187,187,118,91,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,211,13,0,0,0,0,231,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,235,18,0,0,0,0,230,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,160,0,0,0,0,0,230,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,227,50,0,0,0,0,76,248,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,130,0,0,0,0,0,93,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,218,32,0,0,0,0,0,155,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,239,33,13,47,47,47,47,13,207,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,247,184,203,252,252,253,252,202,240,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,252,176,160,161,177,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,137,75,22,22,4,0,0,5,86,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,156,254,254,227,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,253,249,243,165,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,208,253,195,53,0,6,173,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,231,227,97,14,0,0,0,37,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,215,228,41,0,0,0,0,0,0,217,174,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,174,238,44,0,0,0,0,0,0,0,224,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,190,0,0,0,0,0,0,6,113,246,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,69,0,0,0,0,0,0,86,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,224,15,0,0,0,0,0,60,229,253,254,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,187,50,50,50,50,130,215,135,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,178,253,253,253,253,253,249,126,11,106,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,94,94,94,94,56,0,0,70,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,186,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,202,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,226,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,222,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,203,254,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,198,251,253,253,254,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,254,240,154,104,197,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,253,228,40,0,0,26,201,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,68,0,0,60,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,151,0,0,30,214,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,152,0,72,212,253,254,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,185,247,253,253,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,254,254,254,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,115,115,156,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,241,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,219,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,218,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,117,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,193,223,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,184,147,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,187,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,237,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,25,16,0,0,105,234,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,231,196,53,31,242,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,23,134,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,251,254,254,148,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,238,231,176,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,146,79,154,194,237,144,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,234,0,0,0,59,201,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,235,0,0,0,0,119,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,80,2,0,5,166,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,167,79,157,210,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,185,226,254,254,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,171,140,133,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,36,156,13,0,0,0,0,0,8,35,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,223,254,185,11,11,60,38,145,152,190,221,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,198,254,254,254,240,245,254,231,244,159,194,106,103,0,0,0,0,0,0,0,0,0,0,0,0,2,120,239,226,189,209,219,254,235,233,157,62,0,20,2,0,0,0,0,0,0,0,0,0,0,0,0,10,127,254,160,14,0,11,42,62,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,145,254,160,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,118,254,185,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,195,239,254,254,216,195,187,177,109,27,55,16,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,254,237,212,184,202,200,254,254,224,254,214,204,12,0,0,0,0,0,0,0,0,0,0,0,0,0,98,40,41,25,0,0,0,6,41,41,127,134,254,254,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,238,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,13,0,15,89,243,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,231,242,244,254,212,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,161,147,84,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,126,242,248,163,164,80,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,120,242,254,254,254,254,255,254,245,158,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,246,171,55,36,36,36,114,201,208,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,254,254,153,0,0,0,0,0,0,4,151,194,14,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,170,5,0,0,0,0,0,0,0,0,189,141,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,228,33,0,0,0,0,0,0,0,0,0,164,235,50,0,0,0,0,0,0,0,0,0,0,0,0,128,254,163,0,0,0,0,0,0,0,0,0,0,64,250,127,0,0,0,0,0,0,0,0,0,0,0,41,223,251,75,0,0,0,0,0,0,0,0,0,0,0,178,204,0,0,0,0,0,0,0,0,0,0,0,74,254,196,0,0,0,0,0,0,0,0,0,0,0,0,49,220,49,0,0,0,0,0,0,0,0,0,0,55,254,144,0,0,0,0,0,0,0,0,0,0,0,0,88,254,144,0,0,0,0,0,0,0,0,0,0,55,254,145,0,0,0,0,0,0,0,0,0,0,0,0,146,254,87,0,0,0,0,0,0,0,0,0,0,55,254,93,0,0,0,0,0,0,0,0,0,0,0,0,145,254,54,0,0,0,0,0,0,0,0,0,0,132,254,54,0,0,0,0,0,0,0,0,0,0,0,0,191,248,47,0,0,0,0,0,0,0,0,0,0,145,254,54,0,0,0,0,0,0,0,0,0,0,0,71,244,178,0,0,0,0,0,0,0,0,0,0,0,114,254,54,0,0,0,0,0,0,0,0,0,0,33,229,234,82,0,0,0,0,0,0,0,0,0,0,0,0,160,171,0,0,0,0,0,0,0,0,0,6,144,235,46,0,0,0,0,0,0,0,0,0,0,0,0,0,22,222,120,0,0,0,0,0,0,0,8,82,228,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,231,14,0,0,0,0,0,0,96,241,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,181,110,97,58,110,110,110,224,125,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,163,163,169,254,163,111,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,195,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,223,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,254,129,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,206,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,234,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,232,255,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,224,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,208,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,183,106,106,106,106,105,43,106,105,105,106,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,253,227,254,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,187,253,253,253,253,253,253,253,254,253,253,253,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,133,133,133,133,133,225,253,255,253,253,253,146,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,235,90,108,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,201,253,242,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,194,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,132,254,243,209,138,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,242,253,253,227,59,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,253,253,253,182,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,100,200,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,253,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,219,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,27,196,239,240,239,239,241,239,239,239,251,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,18,77,208,208,243,253,254,253,253,253,253,253,253,210,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,104,105,104,113,182,104,210,173,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,98,159,159,159,160,243,219,254,201,159,159,159,205,184,0,0,0,0,0,0,0,0,0,0,0,0,25,185,253,253,253,239,216,215,215,215,215,215,242,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,28,149,149,59,56,35,0,0,0,0,0,15,209,253,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,237,253,187,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,238,253,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,237,249,150,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,236,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,251,106,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,29,9,0,4,133,254,248,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,207,98,181,253,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,254,254,254,255,156,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,31,197,253,253,253,254,253,241,134,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,98,253,251,163,149,150,199,253,253,242,190,38,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,106,0,0,0,13,88,177,219,253,253,172,81,0,0,0,0,0,0,0,0,0,0,0,0,42,238,253,188,4,0,0,0,0,0,0,28,146,112,202,158,25,0,0,0,0,0,0,0,0,0,0,12,189,253,230,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,237,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,208,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,239,199,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,204,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,174,222,38,0,0,101,113,113,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,101,240,253,252,252,234,146,147,249,252,252,237,163,57,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,253,252,252,252,252,253,252,252,252,252,253,233,153,0,0,0,0,0,0,0,0,0,0,0,151,234,252,252,253,252,252,252,252,253,252,252,252,252,253,252,233,72,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,223,0,0,0,0,0,0,0,0,0,114,253,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,253,237,50,0,0,0,0,0,0,0,0,113,252,252,252,252,253,176,27,27,106,206,252,252,252,252,253,252,252,252,237,0,0,0,0,0,0,0,0,113,252,252,252,252,253,58,0,0,0,25,180,239,252,252,56,231,252,252,252,0,0,0,0,0,0,0,0,207,252,252,252,252,253,27,0,0,0,0,0,66,177,145,0,225,252,252,252,0,0,0,0,0,0,0,0,253,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,225,252,252,252,0,0,0,0,0,0,0,0,255,253,253,253,253,255,27,0,0,0,0,0,0,0,0,0,226,253,253,112,0,0,0,0,0,0,0,0,253,252,252,252,252,253,27,0,0,0,0,0,0,0,48,226,249,252,252,112,0,0,0,0,0,0,0,0,253,252,252,252,252,253,203,88,57,57,57,57,88,197,227,253,252,252,252,112,0,0,0,0,0,0,0,0,159,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,233,37,0,0,0,0,0,0,0,0,50,237,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,226,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,196,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,253,252,252,252,252,253,252,252,252,252,215,121,21,0,0,0,0,0,0,0,0,0,0,0,19,177,252,252,253,252,252,252,252,253,252,239,195,118,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,99,223,225,233,230,223,223,225,99,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,119,202,254,228,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,94,210,236,252,253,253,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,140,248,253,253,243,132,222,253,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,254,253,253,251,169,39,11,201,253,253,196,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,254,253,162,67,0,59,216,253,253,188,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,7,0,0,53,222,254,254,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,165,248,254,253,160,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,95,222,253,253,254,83,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,131,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,111,253,253,253,233,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,91,207,255,234,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,212,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,212,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,182,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,149,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,159,218,250,253,82,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,227,254,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,198,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,118,0,0,0,0,0,57,226,195,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,209,254,230,22,0,0,0,0,0,141,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,197,0,0,0,0,0,0,141,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,254,254,93,0,0,0,0,0,0,141,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,177,2,0,0,0,0,0,0,218,254,254,190,0,0,0,0,0,0,0,0,0,0,0,0,39,229,254,254,75,0,0,0,0,0,0,0,236,254,254,103,0,0,0,0,0,0,0,0,0,0,0,9,207,254,254,179,3,0,0,0,0,0,0,74,253,254,254,82,0,0,0,0,0,0,0,0,0,0,0,164,254,254,248,55,0,0,0,0,0,0,0,156,254,254,212,5,0,0,0,0,0,0,0,0,0,0,0,226,254,254,136,0,0,0,0,0,0,0,0,169,254,254,169,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,19,0,0,0,0,0,67,67,143,254,255,254,223,251,191,0,0,0,0,0,0,0,0,0,8,229,254,254,89,38,38,38,129,226,255,254,254,254,254,254,195,122,39,0,0,0,0,0,0,0,0,0,0,133,227,254,254,254,254,254,254,254,254,247,254,254,254,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,192,254,200,178,243,128,85,47,254,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,18,6,0,16,5,0,126,254,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,235,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,254,162,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,159,195,159,130,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,182,249,254,227,226,245,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,178,96,4,0,103,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,254,86,1,0,0,0,2,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,237,252,128,2,0,0,0,0,0,0,0,0,74,37,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,197,0,0,0,0,0,0,0,0,0,0,231,223,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,232,15,0,0,0,0,0,0,0,0,0,231,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,224,155,116,49,2,0,0,0,5,143,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,86,200,254,254,254,113,0,0,14,161,254,165,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,14,95,177,231,121,143,243,231,83,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,250,170,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,144,250,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,254,158,229,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,226,243,82,5,209,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,239,63,0,76,250,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,63,0,0,159,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,9,0,35,246,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,9,6,198,242,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,227,229,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,164,254,254,120,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,86,85,86,85,86,197,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,197,251,253,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,141,253,255,253,255,253,255,253,254,253,254,253,254,253,254,253,254,84,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,196,83,84,83,253,251,253,83,0,0,0,0,0,0,0,0,0,0,57,225,255,253,255,253,169,168,0,0,0,0,0,57,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,56,84,83,84,83,0,0,0,0,0,0,57,224,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,226,56,0,0,0,57,85,85,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,56,0,0,114,169,224,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,85,85,254,253,254,253,254,253,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,253,251,253,251,253,251,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,254,253,254,253,254,196,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,138,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,159,159,238,226,249,252,159,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,182,223,226,134,129,64,50,133,234,235,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,236,146,37,0,0,0,0,0,0,19,203,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,111,1,0,0,0,0,0,0,0,0,77,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,75,11,0,0,0,0,0,0,0,0,0,39,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,224,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,210,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,233,90,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,135,230,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,221,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,95,242,158,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,173,235,53,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,198,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,120,239,183,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,168,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,127,0,0,0,0,0,0,0,26,26,26,0,11,68,50,0,0,0,0,0,0,0,0,0,0,0,73,246,248,226,226,226,226,226,226,226,237,237,237,226,231,254,247,25,0,0,0,0,0,0,0,0,0,0,0,46,156,204,185,158,158,158,158,152,128,122,158,158,158,120,62,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,112,229,254,254,254,186,136,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,243,253,253,254,210,206,206,254,249,155,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,157,254,240,240,253,222,13,0,0,105,234,253,220,51,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,228,73,182,253,84,0,0,0,0,38,186,253,235,17,0,0,0,0,0,0,0,0,0,0,0,0,208,254,93,106,254,161,0,0,0,0,0,0,9,210,255,115,0,0,0,0,0,0,0,0,0,0,0,60,249,202,21,226,253,111,0,0,0,0,0,0,0,50,237,224,25,0,0,0,0,0,0,0,0,0,0,180,253,85,78,253,192,13,0,0,0,0,0,0,0,0,161,253,88,0,0,0,0,0,0,0,0,0,0,230,253,69,161,253,137,0,0,0,0,0,0,0,0,0,95,253,137,0,0,0,0,0,0,0,0,0,0,231,254,69,162,254,138,0,0,0,0,0,0,0,0,0,51,248,230,0,0,0,0,0,0,0,0,0,0,230,253,69,161,253,54,0,0,0,0,0,0,0,0,0,0,146,230,0,0,0,0,0,0,0,0,0,0,230,253,69,161,253,46,0,0,0,0,0,0,0,0,0,0,214,187,0,0,0,0,0,0,0,0,0,0,197,253,69,161,253,46,0,0,0,0,0,0,0,0,0,85,247,137,0,0,0,0,0,0,0,0,0,0,114,254,69,162,254,46,0,0,0,0,0,0,0,0,0,162,254,113,0,0,0,0,0,0,0,0,0,0,38,244,119,161,244,38,0,0,0,0,0,0,0,0,68,245,210,21,0,0,0,0,0,0,0,0,0,0,0,157,202,29,209,30,0,0,0,0,0,0,0,19,215,247,71,0,0,0,0,0,0,0,0,0,0,0,0,7,203,102,230,137,0,0,0,0,0,0,17,199,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,13,153,128,0,0,0,0,19,204,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,148,114,47,30,80,237,253,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,51,245,253,236,253,254,164,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,177,211,160,69,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,10,18,38,220,73,18,18,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,208,254,254,254,254,254,254,203,140,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,254,254,254,254,254,254,254,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,224,180,121,65,65,65,109,183,253,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,27,0,0,0,0,0,0,0,52,217,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,158,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,186,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,103,0,0,35,221,254,191,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,96,250,254,254,250,250,251,254,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,254,255,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,234,252,254,254,254,254,254,215,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,225,252,254,254,254,254,254,254,218,184,184,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,254,196,196,254,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,245,134,11,11,172,254,254,243,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,155,204,133,16,0,0,0,7,126,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,87,144,178,254,241,144,144,144,72,34,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,213,253,253,253,253,254,253,253,253,253,253,250,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,253,166,154,154,154,162,253,253,162,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,244,253,253,42,0,0,0,1,10,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,135,189,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,131,107,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,109,165,159,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,58,231,254,254,172,48,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,179,253,253,250,198,253,253,148,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,219,99,8,44,140,254,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,219,242,207,31,0,0,0,0,135,247,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,42,0,0,0,0,0,0,0,177,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,12,108,236,253,249,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,45,98,172,253,253,255,193,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,253,253,253,253,253,162,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,253,200,143,110,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,189,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,73,164,163,196,170,222,197,196,163,125,47,53,0,0,0,0,0,0,0,0,0,0,0,0,16,107,191,250,254,254,254,254,254,254,254,254,234,254,247,250,217,132,51,0,0,0,0,0,0,0,0,0,11,108,204,127,127,95,245,254,199,62,36,36,23,108,94,128,127,139,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,217,0,0,0,0,8,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,222,8,27,154,218,223,251,218,219,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,246,254,211,238,255,254,244,243,254,255,242,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,241,254,254,228,111,36,31,72,125,254,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,92,59,33,0,0,0,0,0,152,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,21,14,0,55,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,142,219,201,211,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,105,163,247,241,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,156,172,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,239,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,239,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,201,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,215,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,235,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,227,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,252,187,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,196,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,229,253,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,128,0,0,0,0,0,45,104,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,28,0,0,0,0,95,225,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,99,6,0,0,0,0,178,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,252,56,0,0,0,0,151,253,252,252,240,114,163,113,63,0,0,0,0,0,0,0,0,0,32,229,253,254,253,253,253,204,253,253,253,254,253,253,253,254,253,253,228,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,252,253,252,252,252,253,252,252,252,253,214,196,22,0,0,0,0,0,0,0,0,0,144,252,252,253,252,252,252,244,168,168,243,253,252,252,127,56,19,0,0,0,0,0,0,0,0,0,0,76,243,252,252,190,115,28,28,25,0,0,225,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,241,51,0,0,0,0,0,10,229,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,139,0,0,0,0,0,0,66,246,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,52,0,0,0,0,0,0,0,100,168,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,139,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,134,215,172,134,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,254,254,177,235,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,254,254,211,31,8,31,41,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,174,26,0,42,227,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,217,254,222,29,0,11,192,254,77,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,254,120,0,0,129,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,241,11,7,144,248,254,249,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,239,16,188,254,254,227,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,246,188,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,233,193,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,109,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,252,207,130,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,204,254,233,79,126,200,254,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,192,0,0,6,58,184,185,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,254,118,0,0,0,0,26,244,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,212,240,9,0,0,0,0,16,241,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,239,0,0,0,0,0,193,254,197,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,239,4,0,0,0,36,246,254,140,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,139,254,154,0,0,0,131,254,188,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,242,217,17,0,41,252,175,76,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,91,91,133,153,250,255,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,239,236,194,73,73,184,236,242,180,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,201,23,0,0,0,0,0,0,120,253,229,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,226,59,15,0,0,0,0,0,6,145,253,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,181,12,0,0,0,0,0,116,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,203,245,253,217,113,34,0,0,5,142,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,216,45,0,116,253,253,180,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,114,187,228,253,237,230,247,253,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,147,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,137,253,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,222,253,242,81,204,253,240,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,157,50,0,16,199,253,173,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,189,224,253,136,2,0,0,0,116,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,98,0,0,0,0,63,231,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,228,253,230,63,19,0,0,0,5,116,237,212,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,227,55,0,0,0,0,0,111,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,246,253,166,0,0,0,57,169,222,239,195,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,164,148,148,148,250,253,195,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,179,215,253,253,253,253,181,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,162,89,89,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,194,255,253,253,213,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,151,190,244,251,253,251,251,251,212,12,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,251,251,251,251,253,251,251,251,251,174,157,63,0,0,0,0,0,0,0,0,0,0,0,0,0,96,221,253,251,251,235,188,189,188,220,251,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,80,240,251,253,251,172,70,0,0,0,48,133,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,219,39,0,0,0,0,0,0,124,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,24,221,251,251,158,0,0,0,0,0,44,190,244,251,253,227,31,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,206,32,0,112,127,128,221,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,24,220,251,251,253,229,221,248,251,253,251,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,251,251,251,251,253,251,251,251,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,158,159,158,158,242,193,159,158,158,242,253,255,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,23,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,244,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,129,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,132,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,207,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,241,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,183,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,126,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,222,254,130,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,132,248,254,253,233,200,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,159,42,54,253,240,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,245,251,137,0,0,37,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,248,253,169,0,0,0,69,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,254,101,0,0,0,0,128,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,133,28,0,0,0,12,186,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,253,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,247,253,167,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,254,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,238,253,228,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,253,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,241,253,253,250,185,218,185,139,166,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,253,253,246,253,248,245,237,235,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,163,181,129,46,105,84,42,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,175,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,188,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,146,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,255,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,224,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,239,253,252,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,246,252,190,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,105,192,105,106,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,241,199,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,252,252,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,252,252,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,82,234,252,253,252,252,252,252,214,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,74,253,252,252,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,252,252,252,252,189,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,246,253,252,252,252,252,252,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,252,252,252,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,253,252,252,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,149,255,253,253,253,253,235,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,241,252,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,106,0,0,0,0,50,229,252,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,248,248,144,75,75,75,236,252,252,252,252,225,14,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,252,252,252,253,252,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,252,252,252,253,252,252,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,204,252,252,252,252,252,252,253,252,252,209,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,246,252,252,252,252,252,253,241,198,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,103,103,103,103,191,191,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,220,97,63,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,247,253,250,242,253,229,228,228,228,192,94,94,179,228,157,0,0,0,0,0,0,0,0,0,0,0,69,245,253,253,253,253,253,254,253,253,185,237,253,253,253,249,103,0,0,0,0,0,0,0,0,0,0,0,81,253,253,186,53,53,53,53,53,53,9,42,53,53,53,50,0,0,0,0,0,0,0,0,0,0,0,0,81,253,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,137,34,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,253,253,238,161,210,161,161,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,253,253,253,253,254,253,158,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,225,120,120,127,253,254,253,253,152,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,134,242,254,148,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,253,186,0,0,0,0,0,0,0,0,0,0,0,0,81,75,0,0,0,0,0,0,0,0,0,0,0,214,253,199,0,0,0,0,0,0,0,0,0,0,0,0,254,146,7,0,0,0,0,0,0,0,0,0,61,225,253,94,0,0,0,0,0,0,0,0,0,0,0,0,226,253,144,54,12,0,0,0,0,0,0,23,233,253,239,52,0,0,0,0,0,0,0,0,0,0,0,0,38,207,249,253,190,174,83,112,48,174,175,207,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,226,248,253,253,253,253,253,255,253,243,184,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,134,240,240,240,240,241,113,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,164,253,255,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,170,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,160,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,255,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,251,251,251,253,179,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,143,251,251,253,251,184,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,251,253,251,251,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,251,253,251,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,251,253,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,251,253,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,94,178,226,226,241,226,226,184,94,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,186,221,252,252,252,252,253,252,252,252,252,223,110,0,0,0,0,0,0,0,0,0,0,0,0,0,110,244,252,252,241,185,178,53,53,53,172,185,238,252,212,0,0,0,0,0,0,0,0,0,0,0,0,108,245,252,209,170,56,0,0,0,0,0,0,0,102,252,114,0,0,0,0,0,0,0,0,0,0,0,20,242,237,169,17,0,0,0,0,0,0,0,0,0,21,136,198,159,17,0,0,0,0,0,0,0,0,0,134,252,158,0,0,0,0,0,0,0,0,0,0,0,0,172,252,252,120,0,0,0,0,0,0,0,0,0,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,23,199,252,246,70,0,0,0,0,0,0,0,0,253,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,119,0,0,0,0,0,0,0,0,255,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,190,0,0,0,0,0,0,0,0,197,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,119,0,0,0,0,0,0,0,0,76,247,242,184,20,0,0,0,0,0,0,0,0,0,0,0,41,252,240,12,0,0,0,0,0,0,0,0,0,164,244,252,186,64,0,0,0,0,0,0,0,0,0,60,178,252,126,0,0,0,0,0,0,0,0,0,0,0,122,252,252,241,179,25,0,0,0,0,0,22,103,238,252,195,22,0,0,0,0,0,0,0,0,0,0,0,25,108,213,252,252,210,186,186,187,186,186,207,252,241,177,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,108,239,252,252,252,253,252,252,239,176,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,107,218,162,226,169,93,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,254,255,254,254,254,254,244,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,254,254,254,254,254,254,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,254,168,77,8,8,8,20,142,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,149,2,0,0,0,0,0,12,220,245,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,249,193,2,0,0,0,0,0,0,0,118,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,189,0,0,0,0,0,0,0,0,113,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,189,0,0,0,0,0,0,0,0,131,242,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,202,5,0,0,0,0,0,0,0,198,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,83,0,0,0,0,0,0,27,246,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,224,43,0,0,0,0,21,156,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,254,244,194,126,126,138,231,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,254,254,254,250,106,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,101,119,99,153,223,151,137,63,6,206,238,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,175,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,218,0,0,0,0,0,0,0,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,253,142,0,0,0,0,0,0,32,222,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,119,0,0,0,0,0,0,62,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,248,39,0,0,0,0,0,0,62,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,209,0,0,0,0,0,0,0,36,242,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,241,112,97,61,3,0,0,0,0,227,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,163,58,0,0,0,227,239,175,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,240,254,254,254,254,255,229,248,254,254,254,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,48,131,209,253,254,253,253,253,253,152,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,105,162,191,170,217,212,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,248,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,216,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,201,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,245,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,236,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,216,22,0,0,0,0,17,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,139,0,0,0,0,7,230,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,223,32,0,0,0,0,67,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,216,254,131,0,0,0,0,0,107,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,237,29,0,0,0,0,0,137,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,146,0,0,0,0,0,0,202,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,207,112,142,207,202,112,22,205,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,204,254,254,254,254,192,177,249,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,55,19,19,19,4,0,94,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,231,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,112,156,156,156,194,156,156,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,58,178,214,241,253,253,254,253,253,253,253,245,123,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,253,254,253,253,180,174,175,100,174,186,253,254,173,0,0,0,0,0,0,0,0,0,0,0,0,11,210,253,253,229,124,19,2,0,0,0,0,129,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,215,23,0,0,0,0,0,0,31,219,253,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,99,249,58,0,50,41,0,0,0,5,194,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,31,132,247,241,162,118,0,111,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,153,226,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,199,213,235,253,254,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,193,254,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,254,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,253,253,253,238,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,161,247,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,253,78,128,253,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,253,78,9,170,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,255,254,155,5,99,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,164,57,254,253,190,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,253,253,253,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,241,253,253,254,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,111,193,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,51,132,173,253,152,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,252,253,252,253,252,243,162,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,102,102,102,102,102,183,234,253,254,213,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,213,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,234,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,183,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,254,253,254,253,193,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,253,252,253,252,253,232,203,203,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,0,82,102,102,123,203,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,203,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,193,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,122,151,151,151,70,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,105,159,195,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,61,150,254,254,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,202,254,237,122,124,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,208,254,236,50,9,221,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,190,55,0,70,254,250,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,72,12,0,35,241,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,238,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,248,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,227,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,241,230,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,248,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,139,0,0,0,0,5,122,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,164,0,0,30,97,248,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,252,195,221,239,254,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,236,152,62,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,138,202,232,138,97,128,139,138,170,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,26,47,155,252,252,253,252,252,252,252,253,252,252,235,18,0,0,0,0,0,0,0,0,0,0,0,0,64,222,252,252,252,252,247,196,252,252,136,79,183,183,44,0,0,0,0,0,0,0,0,0,0,0,0,76,238,203,202,128,139,202,135,9,45,45,4,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,53,207,252,116,63,0,0,11,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,191,233,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,252,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,252,252,252,216,184,152,70,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,252,253,252,210,252,232,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,22,117,85,137,64,12,65,242,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,252,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,36,0,0,0,38,180,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,219,57,0,30,103,252,252,228,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,185,228,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,173,252,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,137,201,178,137,179,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,182,255,222,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,126,234,254,234,230,245,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,176,254,254,172,22,27,234,146,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,207,254,235,51,3,0,124,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,202,254,235,55,0,11,119,251,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,138,0,83,195,254,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,235,254,254,206,216,253,254,254,254,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,254,245,240,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,165,254,254,254,227,185,43,77,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,173,110,117,67,6,0,96,254,254,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,208,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,245,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,186,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,255,254,255,254,254,191,67,67,67,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,253,253,253,253,253,253,176,132,132,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,153,244,253,253,253,253,253,253,253,253,253,253,216,163,10,3,0,0,0,0,0,0,0,0,0,0,0,0,0,7,177,177,177,177,177,177,177,225,253,253,253,253,253,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,112,169,253,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,46,81,242,253,242,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,196,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,253,253,183,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,201,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,198,253,253,253,139,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,157,230,253,253,210,27,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,159,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,241,253,253,253,253,138,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,246,253,253,223,205,128,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,179,239,253,253,253,186,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,253,253,253,219,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,243,130,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,121,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,192,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,207,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,228,232,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,156,253,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,156,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,220,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,241,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,249,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,204,240,96,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,253,197,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,243,144,93,169,255,140,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,60,0,0,0,182,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,184,5,0,0,0,182,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,250,165,0,0,4,108,254,221,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,180,4,47,185,253,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,193,228,253,220,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,120,196,186,61,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,203,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,177,253,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,253,247,120,0,0,0,0,0,0,32,41,41,15,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,199,0,0,0,0,0,0,9,206,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,5,216,253,250,75,0,0,0,0,0,5,160,253,253,253,242,62,0,0,0,0,0,0,0,0,0,0,0,164,253,253,128,0,0,0,0,0,0,94,253,253,225,211,253,107,0,0,0,0,0,0,0,0,0,0,52,241,254,187,0,0,0,0,0,0,52,241,254,254,67,175,255,170,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,0,0,0,108,253,253,189,55,249,253,113,0,0,0,0,0,0,0,0,0,0,228,253,253,136,0,0,0,0,0,0,157,253,253,66,54,253,243,67,0,0,0,0,0,0,0,0,0,103,251,253,228,36,0,0,0,0,0,0,241,253,253,117,188,253,184,0,0,0,0,0,0,0,0,0,0,121,253,253,67,0,0,0,0,0,0,0,241,253,253,253,253,186,20,0,0,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,0,0,241,253,253,253,213,21,0,0,0,0,0,0,0,0,0,0,0,102,251,253,144,30,0,0,26,48,104,175,249,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,229,161,161,219,253,253,255,242,226,226,121,25,0,0,0,0,0,0,0,0,0,0,0,0,0,102,245,253,253,253,253,253,253,246,177,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,120,120,147,161,120,120,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,165,148,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,254,70,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,221,244,254,254,202,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,248,254,254,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,160,229,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,43,0,57,254,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,250,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,17,38,99,73,12,233,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,188,254,254,254,254,212,254,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,179,243,247,221,146,139,240,254,254,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,100,220,254,154,53,0,0,26,232,255,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,115,8,0,0,67,233,254,216,134,254,248,100,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,168,8,0,65,185,251,254,171,11,13,239,254,248,136,77,139,139,174,0,0,0,0,0,0,0,0,220,254,148,158,230,250,254,173,56,1,0,0,61,239,254,254,254,237,112,72,0,0,0,0,0,0,0,0,153,254,254,254,194,180,90,2,0,0,0,0,0,13,96,180,134,20,0,0,0,0,0,0,0,0,0,0,6,90,56,8,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,99,253,124,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,206,251,251,251,222,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,37,253,251,251,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,170,251,253,251,251,251,251,253,169,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,251,251,253,251,251,251,251,253,251,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,255,253,35,0,182,255,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,251,251,251,251,253,168,15,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,16,166,253,251,251,251,225,164,15,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,109,251,253,251,251,204,41,0,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,156,211,251,253,251,225,41,0,0,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,42,228,253,253,255,253,164,0,0,0,0,0,0,182,255,253,253,143,0,0,0,0,0,0,0,0,0,0,144,251,251,251,253,168,15,0,0,0,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,144,251,251,251,190,15,0,0,0,0,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,144,251,251,251,180,0,0,0,0,0,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,144,251,251,251,180,0,0,0,0,0,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,105,243,253,253,255,149,62,0,0,0,0,0,0,182,255,253,253,143,0,0,0,0,0,0,0,0,0,0,0,93,169,251,253,251,236,144,144,105,0,0,0,180,253,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,93,215,253,251,251,251,251,243,217,217,217,241,253,251,246,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,251,251,251,251,253,251,251,251,251,253,251,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,71,97,251,251,253,251,251,251,122,72,71,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,229,252,186,243,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,202,6,225,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,63,32,229,253,163,0,0,214,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,113,82,252,227,38,0,0,113,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,123,252,252,76,131,252,103,0,0,0,113,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,52,0,7,28,3,0,0,0,13,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,156,0,0,0,0,0,0,0,0,126,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,240,43,0,0,0,0,0,0,0,0,225,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,196,0,0,0,0,0,0,0,0,67,246,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,145,0,0,0,0,0,0,0,26,210,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,239,38,0,0,0,0,0,0,4,128,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,0,0,0,104,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,137,0,0,0,0,0,0,0,178,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,163,0,0,0,0,0,0,151,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,229,10,0,0,0,45,229,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,171,32,57,70,225,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,252,228,252,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,215,252,252,190,115,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,254,255,254,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,97,253,253,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,253,253,228,253,164,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,253,242,100,35,190,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,253,253,116,0,0,62,245,251,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,182,11,0,0,0,79,251,167,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,203,253,250,57,0,0,0,0,0,190,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,181,0,0,0,0,0,0,64,253,210,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,55,0,0,0,0,0,0,10,236,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,11,0,0,0,0,0,0,0,148,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,253,171,3,0,0,0,0,0,0,0,148,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,0,148,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,147,0,0,0,0,0,0,0,6,195,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,26,220,253,147,0,0,0,0,0,0,0,12,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,209,7,0,0,0,0,0,0,95,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,33,0,0,0,0,18,101,252,253,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,189,253,216,29,0,16,66,191,253,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,205,253,224,201,213,253,253,253,211,102,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,197,253,253,253,253,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,210,253,253,209,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,76,76,67,0,0,0,0,0,0,0,0,0,0,0,0,3,135,222,222,155,31,1,0,0,3,6,135,225,253,253,249,192,22,0,0,0,0,0,0,0,0,0,13,184,253,253,253,253,253,107,67,151,204,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,29,209,253,253,227,76,131,235,253,253,253,253,253,253,253,198,83,65,65,65,0,0,0,0,0,0,0,0,186,253,253,228,46,0,0,195,253,253,253,253,246,154,31,9,0,0,0,0,0,0,0,0,0,0,0,0,254,253,250,39,0,0,0,195,253,253,236,149,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,248,0,0,0,0,46,158,143,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,253,253,189,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,189,253,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,192,253,253,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,186,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,176,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,155,100,245,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,212,253,253,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,113,118,154,76,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,108,164,166,213,213,229,197,166,80,77,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,242,233,254,254,254,254,228,183,235,253,254,238,52,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,218,106,58,141,101,27,47,75,76,76,216,254,224,12,0,0,0,0,0,0,0,0,0,0,0,37,189,247,70,12,0,0,0,0,0,0,0,0,86,254,254,62,0,0,0,0,0,0,0,0,0,0,0,96,251,254,254,96,1,0,0,0,0,9,51,135,181,254,194,13,0,0,0,0,0,0,0,0,0,0,0,18,127,253,254,254,74,0,0,47,136,178,220,182,163,173,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,207,6,123,213,254,165,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,236,254,254,188,254,246,164,3,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,203,254,254,254,187,63,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,192,245,254,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,246,253,170,147,253,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,134,0,0,154,254,242,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,254,53,0,0,161,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,229,242,35,0,0,88,250,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,154,0,0,0,155,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,234,251,150,41,1,211,254,239,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,146,247,254,150,197,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,179,248,254,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,159,196,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,71,13,134,64,13,13,128,220,133,133,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,218,252,255,253,253,253,242,253,253,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,97,96,96,96,163,253,253,239,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,129,230,239,107,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,226,253,181,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,243,157,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,234,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,198,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,155,251,201,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,223,253,143,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,71,254,250,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,182,245,125,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,226,242,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,238,253,84,0,28,98,98,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,155,253,238,230,237,164,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,207,230,132,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,248,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,218,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,244,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,194,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,249,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,250,235,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,226,230,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,92,214,253,254,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,233,252,253,252,253,252,162,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,233,183,102,123,243,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,192,50,0,0,0,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,131,0,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,70,0,0,0,41,123,203,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,31,132,214,253,254,253,254,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,223,102,233,252,253,252,131,91,253,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,233,142,61,0,0,21,203,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,151,50,0,0,0,0,0,20,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,61,0,0,0,0,0,0,0,0,152,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,41,0,0,0,0,21,132,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,223,102,102,183,203,223,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,253,254,253,254,253,224,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,252,233,151,151,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,221,254,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,138,213,253,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,207,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,113,155,107,45,14,0,23,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,117,248,253,253,253,254,208,97,141,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,228,253,147,33,67,95,143,220,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,14,194,173,0,0,0,0,0,0,30,167,255,254,254,201,77,9,0,0,0,0,0,0,0,0,0,0,0,128,154,0,0,0,0,0,0,0,0,128,253,239,187,187,198,95,0,0,0,0,0,0,0,0,0,0,0,210,78,0,0,0,0,0,0,0,27,227,253,107,0,0,8,31,0,0,0,0,0,0,0,0,0,0,74,252,10,0,0,0,0,0,0,3,179,253,232,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,10,0,0,0,0,0,0,130,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,10,0,0,0,0,0,78,254,253,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,118,4,0,0,7,128,251,253,136,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,189,69,98,215,253,234,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,216,253,253,253,253,196,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,143,143,191,124,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,255,197,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,247,240,134,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,158,159,158,242,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,177,252,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,178,252,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,27,27,153,243,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,14,5,92,252,253,252,252,252,252,174,56,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,221,252,176,202,252,253,252,252,252,252,252,252,176,56,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,253,253,197,133,133,133,133,222,253,253,246,57,0,0,0,0,0,0,0,0,0,0,0,0,4,111,145,145,138,13,7,0,0,0,0,9,34,213,252,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,168,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,67,165,208,252,248,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,54,29,0,20,187,252,252,252,218,118,0,0,0,0,0,0,0,0,0,0,0,15,41,41,138,173,173,219,252,216,173,202,252,252,222,121,29,0,0,0,0,0,0,0,0,0,0,27,153,194,252,252,252,252,252,252,252,253,241,225,113,93,24,0,0,0,0,0,0,0,0,0,0,0,0,246,252,240,238,238,238,238,238,231,106,107,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,119,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,129,253,255,253,253,170,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,232,252,252,252,253,252,252,252,238,175,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,252,252,241,215,132,217,132,215,215,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,97,0,0,0,0,0,0,170,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,82,0,0,0,0,0,0,0,0,217,231,109,110,15,0,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,21,73,73,218,247,252,252,253,222,217,93,0,0,0,0,0,0,0,0,31,206,252,252,181,129,0,0,0,176,252,252,253,252,252,252,217,215,195,31,0,0,0,0,0,0,0,0,0,31,211,252,252,221,144,62,63,237,252,252,253,128,108,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,144,238,253,253,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,252,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,191,232,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,0,42,222,253,255,253,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,128,0,0,46,179,211,252,252,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,128,0,0,0,0,94,215,241,252,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,84,0,0,0,0,0,181,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,192,15,0,0,0,0,182,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,252,253,222,217,217,156,73,201,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,154,232,252,252,252,253,252,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,211,252,253,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,44,137,137,137,137,137,137,25,13,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,222,254,254,254,254,254,254,254,255,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,16,44,149,222,249,229,135,141,229,229,168,229,117,105,163,168,0,0,0,0,0,0,0,0,0,0,0,4,168,254,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,59,254,254,230,156,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,208,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,189,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,254,254,210,102,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,137,230,254,254,241,163,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,137,179,233,254,213,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,233,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,41,0,0,0,0,0,0,0,187,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,118,0,0,0,0,0,0,49,245,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,232,93,0,13,100,100,185,231,254,145,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,253,157,185,254,254,255,254,176,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,145,254,254,254,254,254,177,115,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,12,12,12,12,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,249,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,254,251,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,207,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,221,254,231,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,255,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,216,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,248,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,157,241,254,254,202,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,209,253,253,249,198,254,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,146,243,243,197,81,33,0,95,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,214,71,0,0,0,0,0,0,0,15,84,110,183,58,0,0,0,0,0,0,0,0,0,0,0,0,192,253,162,0,0,0,0,0,0,0,92,238,253,195,37,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,170,5,0,0,0,73,209,254,222,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,222,253,254,217,132,61,145,254,241,108,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,204,254,253,253,253,253,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,106,245,253,253,253,238,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,254,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,254,196,207,255,254,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,219,4,7,182,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,158,0,0,11,238,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,210,8,0,0,0,235,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,198,0,0,0,27,242,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,199,0,0,27,189,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,210,55,94,216,254,202,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,253,253,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,247,253,253,251,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,233,162,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,64,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,191,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,255,255,255,255,191,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,64,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,128,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,64,191,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,0,0,64,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,64,0,0,0,0,128,128,255,255,191,128,0,0,0,0,0,0,0,0,0,0,128,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,229,181,176,68,0,0,0,0,0,83,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,243,253,253,161,7,0,0,0,0,0,118,240,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,253,154,0,0,0,0,0,0,73,154,222,61,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,228,59,0,0,0,0,0,0,0,0,235,215,156,24,0,0,0,0,0,0,0,0,0,0,0,255,253,253,213,0,0,0,0,0,0,0,0,0,69,253,253,206,14,0,0,0,0,0,0,0,0,0,0,254,253,253,225,49,0,0,0,0,0,0,0,0,28,204,253,253,198,36,0,0,0,0,0,0,0,0,0,148,253,253,253,154,0,0,0,0,0,0,0,0,0,45,200,253,253,116,0,0,0,0,0,0,0,0,0,59,253,253,253,154,0,0,0,0,0,0,0,0,0,0,36,224,253,116,0,0,0,0,0,0,0,0,0,0,92,237,254,178,23,0,0,0,0,0,0,0,0,0,0,217,254,254,103,0,0,0,0,0,0,0,0,0,0,176,253,253,97,0,0,0,0,0,0,0,0,0,0,215,253,253,253,0,0,0,0,0,0,0,0,0,0,176,253,253,205,162,0,0,0,0,0,0,0,0,0,79,253,253,253,0,0,0,0,0,0,0,0,0,0,13,49,229,253,236,40,18,0,0,0,0,0,0,0,20,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,168,23,0,0,0,0,0,0,96,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,38,97,229,253,253,178,158,84,0,0,0,98,238,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,233,248,254,235,215,215,215,238,253,253,242,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,194,253,253,253,253,253,253,228,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,116,116,116,116,116,116,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,153,7,0,0,0,0,0,0,7,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,82,224,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,56,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,252,56,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,254,228,31,0,0,0,0,0,0,120,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,240,43,0,0,0,0,0,0,169,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,196,0,0,0,0,0,0,0,131,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,253,145,0,0,0,0,0,0,0,57,252,252,163,26,25,0,0,0,0,0,0,0,0,0,0,57,253,253,254,84,0,0,0,0,0,0,0,169,253,253,242,166,56,0,0,0,0,0,0,0,0,0,0,57,252,252,253,171,57,7,0,0,0,0,7,187,252,252,253,240,43,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,203,198,197,197,197,204,252,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,7,116,240,253,252,252,252,253,252,252,252,253,252,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,225,247,253,254,247,225,225,163,207,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,84,84,65,0,0,0,169,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,240,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,34,134,210,253,253,255,253,210,143,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,193,252,252,252,252,252,253,252,252,252,236,90,6,0,0,0,0,0,0,0,0,0,0,0,0,55,209,251,252,252,161,134,44,44,44,44,44,101,218,252,21,0,0,0,0,0,0,0,0,0,0,0,27,163,252,231,97,10,1,0,0,0,0,0,0,0,60,252,70,0,0,0,0,0,0,0,0,0,0,0,143,252,231,46,0,0,0,0,0,0,0,0,0,0,56,252,21,10,56,7,0,0,0,0,0,0,0,0,143,252,153,0,0,0,0,0,0,0,0,0,0,0,94,252,112,165,252,119,0,0,0,0,0,0,0,0,91,252,244,10,0,0,0,0,0,0,0,0,0,0,158,164,124,252,252,137,0,0,0,0,0,0,0,0,13,206,252,78,0,0,0,0,0,0,0,0,0,0,0,16,192,252,239,27,0,0,0,0,0,0,0,0,0,142,252,209,27,0,0,0,0,0,0,0,0,0,0,89,252,252,94,0,0,0,0,0,0,0,0,0,0,9,215,252,207,24,0,0,0,0,0,0,0,0,25,208,252,233,37,0,0,0,0,0,0,0,0,0,0,0,87,238,253,81,18,0,0,0,0,0,0,0,119,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,50,229,252,216,110,67,9,0,0,55,172,226,252,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,231,252,252,252,215,210,209,245,252,252,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,15,121,202,230,231,230,230,242,252,167,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,252,163,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,142,229,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,254,255,255,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,10,209,253,247,243,243,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,227,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,237,31,0,0,0,0,0,0,0,4,19,6,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,234,0,0,0,0,0,0,0,0,111,253,133,3,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,122,0,0,0,0,0,0,63,151,246,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,207,0,0,0,0,18,57,231,253,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,241,95,95,24,95,195,253,253,253,253,253,186,5,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,253,253,184,253,253,253,253,253,253,253,187,5,0,0,0,0,0,0,0,0,0,0,0,0,1,95,253,253,253,253,253,253,229,47,27,27,237,253,226,7,0,0,0,0,0,0,0,0,0,0,0,0,0,45,149,149,149,211,241,149,55,0,0,0,236,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,74,0,0,0,0,0,236,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,241,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,249,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,251,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,215,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,246,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,140,254,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,197,0,0,0,0,0,0,0,5,68,187,207,207,134,182,60,0,0,0,0,0,0,0,0,0,20,232,254,167,0,0,0,0,0,0,40,198,254,254,233,177,208,254,231,19,0,0,0,0,0,0,0,0,29,236,254,101,0,0,0,0,0,43,226,254,247,131,14,0,102,254,223,5,0,0,0,0,0,0,0,0,0,222,254,140,0,0,0,0,4,185,254,252,94,0,0,2,180,254,144,0,0,0,0,0,0,0,0,0,0,222,254,197,0,0,0,0,83,254,254,150,0,0,0,130,254,235,53,0,0,0,0,0,0,0,0,0,0,222,254,205,6,0,0,0,83,254,254,82,0,0,54,244,254,86,0,0,0,0,0,0,0,0,0,0,0,147,254,254,115,0,0,0,50,247,254,156,0,8,203,254,135,0,0,0,0,0,0,0,0,0,0,0,0,56,237,254,237,45,0,0,0,120,254,227,92,236,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,227,254,245,226,146,130,190,254,254,254,254,190,46,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,144,191,254,254,187,158,152,128,69,66,95,62,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,199,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,176,254,254,118,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,177,241,254,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,105,243,254,254,254,227,222,254,240,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,254,254,254,250,42,34,232,254,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,252,254,254,254,253,159,0,0,138,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,155,0,0,0,84,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,16,197,254,254,254,254,72,2,0,0,0,84,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,254,254,126,27,8,0,0,0,0,84,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,48,48,5,0,0,0,0,0,0,121,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,224,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,254,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,28,125,125,125,125,125,125,102,0,4,188,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,88,212,254,254,254,254,254,254,252,242,242,254,254,120,3,0,0,0,0,0,0,0,0,0,0,0,0,85,249,254,254,250,171,253,254,254,254,255,254,254,254,180,63,0,0,0,0,0,0,0,0,0,0,0,0,98,254,224,75,52,0,114,240,254,254,254,254,254,254,254,241,168,0,0,0,0,0,0,0,0,0,0,0,98,254,254,204,180,180,253,254,254,247,198,75,142,230,254,254,190,0,0,0,0,0,0,0,0,0,0,0,37,218,254,254,254,254,254,247,234,115,0,0,0,39,216,200,29,0,0,0,0,0,0,0,0,0,0,0,0,35,117,117,199,254,120,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,66,141,192,141,141,91,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,225,252,252,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,196,130,56,56,56,122,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,78,9,0,0,0,26,210,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,63,0,0,0,0,79,216,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,244,142,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,138,234,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,253,253,203,255,178,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,252,227,222,234,252,128,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,106,56,56,31,25,38,171,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,10,228,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,243,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,66,191,251,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,120,225,252,202,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,85,85,172,246,244,168,80,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,190,139,139,40,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,253,253,237,148,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,170,252,252,217,253,252,247,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,21,12,21,195,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,232,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,202,252,232,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,150,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,255,218,96,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,63,125,231,252,210,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,252,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,75,153,232,253,252,242,134,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,169,232,252,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,42,253,252,252,252,252,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,63,63,63,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,126,181,254,254,255,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,181,241,254,254,254,254,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,10,0,0,0,116,254,254,254,246,195,101,15,3,0,0,0,0,0,0,0,0,0,0,0,0,3,94,221,216,37,0,0,124,254,195,71,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,182,51,0,0,79,151,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,247,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,149,254,251,73,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,146,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,240,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,48,204,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,102,136,210,254,254,254,252,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,254,254,254,195,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,76,125,197,116,29,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,244,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,233,126,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,231,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,246,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,240,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,241,17,0,0,0,0,0,0,0,0,0,0,36,0,0,0,0,0,0,0,0,0,0,0,0,0,14,245,144,0,0,0,0,0,0,0,0,0,44,199,244,154,0,0,0,0,0,0,0,0,0,0,0,0,89,254,30,0,0,0,0,0,0,0,6,149,246,222,243,250,40,0,0,0,0,0,0,0,0,0,0,0,232,254,17,0,0,0,0,0,0,31,200,237,142,11,186,250,40,0,0,0,0,0,0,0,0,0,0,11,248,186,4,0,0,0,0,0,43,214,187,46,0,0,186,246,0,0,0,0,0,0,0,0,0,0,0,79,254,99,0,0,0,0,0,41,232,188,28,0,0,3,194,166,0,0,0,0,0,0,0,0,0,0,0,79,254,99,0,0,0,0,30,233,237,27,0,0,0,124,249,41,0,0,0,0,0,0,0,0,0,0,0,79,254,107,0,0,0,0,171,254,113,0,0,0,61,238,132,0,0,0,0,0,0,0,0,0,0,0,0,73,254,190,2,0,0,0,221,254,43,0,0,61,238,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,85,0,0,0,157,254,106,7,123,238,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,236,53,1,0,134,254,205,200,240,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,166,92,177,254,254,201,47,43,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,218,254,207,168,168,240,254,215,129,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,105,3,0,0,0,0,0,0,3,129,215,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,188,252,21,0,0,0,0,0,0,23,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,21,0,0,0,0,0,0,14,218,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,158,1,0,0,0,0,0,0,0,165,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,137,249,216,19,0,0,0,0,0,0,0,5,184,252,155,0,0,0,0,0,0,0,0,0,0,0,0,24,224,252,111,0,0,0,0,0,0,0,0,23,252,252,241,0,0,0,0,0,0,0,0,0,0,0,2,123,252,179,8,0,0,0,0,0,0,0,0,22,248,252,241,0,0,0,0,0,0,0,0,0,0,0,53,252,252,121,0,0,0,0,0,0,0,0,0,0,165,252,241,0,0,0,0,0,0,0,0,0,0,0,129,252,252,87,0,0,0,0,0,0,0,54,78,44,192,252,249,107,0,0,0,0,0,0,0,0,0,0,253,252,252,126,220,220,220,220,220,220,221,243,252,238,252,252,252,247,106,49,0,0,0,0,0,0,0,0,255,253,253,250,220,220,220,220,220,220,221,143,158,216,228,253,253,253,253,253,0,0,0,0,0,0,0,0,91,186,186,170,0,0,0,0,0,0,0,0,0,0,56,252,252,193,77,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,249,183,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,161,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,86,124,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,76,149,253,169,138,138,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,161,161,236,252,253,252,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,252,252,195,183,122,90,183,240,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,101,9,0,0,0,0,37,98,211,223,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,231,37,0,0,0,0,0,0,0,138,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,255,253,79,0,0,0,0,0,0,0,34,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,183,0,0,0,0,0,0,0,114,83,47,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,234,142,7,0,0,0,0,32,81,197,252,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,107,93,93,93,187,228,253,252,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,3,169,252,252,252,253,252,252,252,252,253,231,137,35,0,0,0,0,0,0,0,0,0,0,0,0,9,24,76,170,253,253,253,255,253,247,230,126,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,252,253,252,252,252,252,253,252,227,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,172,252,252,253,208,151,69,69,222,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,252,150,17,0,0,0,36,219,252,236,61,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,95,0,0,0,0,0,0,57,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,161,0,0,0,0,0,0,13,118,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,177,5,0,0,0,0,43,212,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,252,190,70,91,184,184,246,253,252,252,101,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,227,252,252,253,252,252,252,252,253,193,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,117,189,253,252,252,252,147,75,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,64,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,104,222,254,255,254,246,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,242,155,160,249,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,245,253,187,26,0,0,188,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,34,0,0,0,188,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,200,3,0,0,0,188,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,187,0,0,0,0,188,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,223,9,0,2,174,245,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,253,112,0,30,253,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,248,106,140,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,129,221,253,251,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,193,255,254,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,246,254,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,254,230,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,240,253,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,228,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,197,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,118,138,255,180,138,138,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,219,252,252,252,253,252,252,252,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,227,183,69,69,100,208,252,247,111,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,139,45,29,0,0,0,0,17,192,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,148,252,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,253,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,255,253,253,140,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,194,252,253,244,174,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,252,252,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,252,252,210,98,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,253,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,252,252,162,88,47,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,183,246,253,252,252,196,184,70,70,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,109,177,252,252,252,253,252,219,207,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,22,22,128,137,137,137,137,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,169,0,58,121,240,253,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,251,240,176,252,195,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,218,252,252,209,32,12,217,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,133,0,30,225,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,233,252,252,165,4,128,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,133,174,252,253,133,232,252,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,96,29,56,252,253,252,252,239,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,239,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,139,253,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,255,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,253,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,243,252,252,253,252,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,240,252,252,209,140,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,206,25,121,252,178,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,252,133,28,0,219,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,224,29,3,111,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,237,160,165,252,253,170,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,252,252,252,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,217,252,252,245,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,210,253,253,254,147,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,91,176,246,252,252,252,253,252,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,235,153,153,154,222,252,220,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,192,230,172,9,0,0,0,71,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,224,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,249,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,252,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,246,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,239,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,239,255,253,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,189,252,252,253,252,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,253,252,252,230,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,250,252,252,233,169,121,220,252,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,178,88,12,0,0,100,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,249,252,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,68,23,8,45,140,210,252,252,252,199,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,221,199,252,252,253,252,252,168,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,243,252,252,252,239,142,100,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,125,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,248,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,149,0,0,0,0,0,0,0,0,17,112,222,222,212,40,0,0,0,0,0,0,0,0,0,0,125,253,253,149,0,0,0,0,0,0,0,62,182,253,253,253,253,225,39,0,0,0,0,0,0,0,0,0,125,253,253,149,0,0,0,0,0,0,49,241,253,253,243,183,253,253,156,0,0,0,0,0,0,0,0,0,228,253,253,82,0,0,0,0,0,19,181,253,253,242,91,6,134,253,252,99,0,0,0,0,0,0,0,0,254,253,253,149,0,0,0,0,0,166,253,253,184,49,0,0,20,253,253,123,0,0,0,0,0,0,0,0,254,253,253,149,0,0,0,0,85,239,253,253,78,0,0,0,20,253,253,220,0,0,0,0,0,0,0,0,254,253,253,149,0,0,0,17,213,253,253,215,22,0,0,0,20,253,253,253,0,0,0,0,0,0,0,0,255,253,253,149,0,0,0,79,253,253,253,111,0,0,0,0,20,253,252,140,0,0,0,0,0,0,0,0,167,253,253,165,4,0,0,79,253,253,214,24,0,0,0,5,124,253,226,0,0,0,0,0,0,0,0,0,109,253,253,253,42,0,0,162,253,253,194,0,0,0,0,111,253,253,117,0,0,0,0,0,0,0,0,0,0,234,253,253,216,43,27,213,253,253,200,27,50,156,156,216,253,252,105,0,0,0,0,0,0,0,0,0,0,109,252,253,253,253,253,253,253,253,253,253,253,253,253,253,242,98,0,0,0,0,0,0,0,0,0,0,0,0,162,252,253,253,253,253,253,253,253,253,251,240,240,227,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,166,247,247,247,249,253,252,152,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,123,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,178,0,0,0,0,0,0,0,0,0,0,0,50,194,238,36,0,0,0,0,0,0,0,0,0,214,253,253,253,132,5,14,0,0,0,0,0,0,16,140,247,253,250,54,0,0,0,0,0,0,0,0,0,214,253,253,253,254,193,229,86,79,79,79,109,175,235,254,253,253,116,0,0,0,0,0,0,0,0,0,46,244,240,182,253,254,253,253,253,253,254,253,253,253,253,254,253,210,9,0,0,0,0,0,0,0,0,0,0,214,235,99,170,254,253,253,253,253,254,253,253,253,253,254,253,174,0,0,0,0,0,0,0,0,0,0,0,215,254,117,0,121,245,254,254,254,255,254,235,195,83,82,254,175,0,0,0,0,0,0,0,0,0,0,0,214,253,124,0,0,33,39,39,114,136,128,27,0,0,119,253,174,0,0,0,0,0,0,0,0,0,0,0,214,253,213,0,0,0,0,0,0,0,0,0,0,0,127,253,144,0,0,0,0,0,0,0,0,0,0,0,144,241,161,0,0,0,0,0,0,0,0,0,0,0,74,253,115,0,0,0,0,0,0,0,0,0,0,0,0,71,34,0,0,0,0,0,0,0,0,0,0,0,156,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,24,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,10,15,0,15,18,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,36,80,154,251,207,235,154,233,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,171,171,229,253,253,253,253,253,253,253,253,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,227,182,182,182,160,65,65,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,253,253,191,74,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,253,253,253,150,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,209,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,216,230,163,112,139,248,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,151,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,68,10,0,0,0,0,0,0,3,198,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,200,0,0,0,0,0,0,74,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,235,56,9,0,0,0,28,227,253,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,221,196,183,128,183,195,253,234,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,182,253,253,253,253,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,60,200,152,152,152,152,133,35,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,165,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,159,10,0,0,51,196,254,241,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,233,154,154,246,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,136,244,254,254,254,254,103,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,188,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,254,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,254,254,95,123,178,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,49,93,216,254,254,254,254,253,206,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,6,131,207,241,254,254,254,254,254,240,134,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,247,206,177,212,254,240,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,17,7,0,132,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,214,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,231,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,128,204,203,253,203,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,45,225,252,252,253,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,222,229,145,234,252,216,202,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,246,252,253,133,59,139,16,178,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,216,244,238,176,75,0,0,41,216,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,149,156,0,0,0,0,253,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,187,125,6,0,0,0,89,253,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,19,6,0,0,0,0,213,253,252,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,214,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,98,234,252,252,206,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,214,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,104,253,254,234,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,222,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,164,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,253,253,253,254,178,178,253,254,253,216,141,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,252,252,253,252,252,252,253,252,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,224,186,143,253,252,224,205,253,252,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,69,13,140,65,19,13,140,90,228,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,126,254,254,254,254,254,160,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,197,253,253,253,253,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,201,253,253,253,253,227,188,188,232,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,253,253,250,196,36,20,0,0,169,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,253,145,0,0,0,0,0,169,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,159,17,0,0,0,0,0,119,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,165,19,0,0,0,0,0,0,70,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,253,119,0,0,0,0,0,0,0,70,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,87,0,0,0,0,0,0,0,108,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,220,253,142,0,0,0,0,0,32,134,219,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,248,99,61,105,105,185,235,253,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,253,253,253,253,253,253,253,250,143,242,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,231,253,253,253,253,253,244,68,11,223,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,118,168,122,183,142,32,0,0,125,196,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,246,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,156,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,213,92,0,0,0,0,0,0,0,0,0,0,0,0,127,138,0,0,0,0,0,0,0,0,0,0,202,253,253,198,0,0,0,0,0,0,0,0,0,0,0,77,249,228,37,0,0,0,0,0,0,0,0,0,83,247,253,228,45,0,0,0,0,0,0,0,0,0,0,83,253,253,96,0,0,0,0,0,0,0,0,0,0,204,253,198,0,0,0,0,0,0,0,0,0,0,0,113,253,253,96,0,0,0,0,0,0,0,0,0,0,116,253,198,0,0,0,0,0,0,0,0,0,0,0,220,253,253,96,0,0,0,0,0,0,0,0,0,7,235,253,201,5,0,0,0,0,0,0,0,0,0,0,220,253,253,177,0,0,0,0,0,0,0,0,0,118,253,253,253,82,0,0,0,0,0,0,0,0,0,0,220,253,253,232,0,0,0,0,0,0,0,0,0,118,253,253,253,82,0,0,0,0,0,0,0,0,0,0,220,253,253,232,0,0,0,0,0,0,0,0,0,118,253,253,234,53,0,0,88,90,90,90,105,227,227,171,232,253,253,240,41,0,0,0,0,0,0,0,0,118,253,253,243,206,206,206,252,253,253,253,253,253,253,253,253,253,253,253,228,0,0,0,0,0,0,0,0,218,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,241,235,231,226,226,226,158,219,250,253,253,251,151,0,0,0,0,0,0,0,0,176,253,253,248,228,109,109,62,39,21,0,0,0,0,0,220,253,253,233,4,0,0,0,0,0,0,0,0,60,129,129,31,0,0,0,0,0,0,0,0,0,0,0,220,253,253,243,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,242,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,118,253,253,253,181,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,140,203,253,252,252,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,91,234,252,252,253,208,183,183,79,222,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,252,98,17,0,0,43,233,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,252,116,22,0,0,0,43,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,255,239,63,0,0,24,97,222,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,239,33,13,89,161,253,252,252,252,252,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,247,184,203,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,252,245,160,132,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,252,147,21,0,174,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,220,231,209,116,21,0,0,26,222,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,47,120,199,255,167,150,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,216,253,253,253,253,253,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,209,217,122,84,10,10,12,134,231,252,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,174,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,253,15,0,0,0,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,49,184,239,239,239,245,253,253,240,239,239,239,237,76,0,0,0,0,0,0,0,0,0,0,0,0,58,210,224,253,253,253,253,253,253,226,175,175,175,106,40,0,0,0,0,0,0,0,0,0,0,0,0,93,247,243,130,25,25,26,173,253,207,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,231,49,0,0,0,104,253,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,89,7,11,17,140,248,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,253,215,253,253,253,205,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,200,149,143,46,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,34,161,221,228,255,255,148,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,34,159,253,253,253,253,253,253,253,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,239,241,253,253,253,207,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,215,253,253,248,137,105,23,34,155,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,122,0,0,0,50,189,253,253,240,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,195,253,253,74,0,0,30,167,253,253,239,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,105,12,67,235,253,253,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,236,253,253,195,234,253,253,236,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,168,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,253,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,161,253,253,253,253,169,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,237,197,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,236,253,253,98,12,164,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,238,82,13,0,69,253,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,253,253,210,0,0,0,69,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,101,0,0,0,178,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,137,21,106,136,248,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,253,253,250,239,253,253,253,253,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,253,253,253,253,161,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,129,190,150,253,253,223,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,195,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,151,246,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,35,0,0,0,0,0,0,0,0,0,0,117,144,36,0,0,0,0,0,0,0,0,0,0,0,29,233,195,4,0,0,0,0,0,0,0,0,2,125,252,254,214,20,0,0,0,0,0,0,0,0,0,0,56,254,189,0,0,0,0,0,0,0,0,0,122,254,246,130,215,194,37,0,0,0,0,0,0,0,0,0,150,254,189,0,0,0,0,0,0,0,0,10,222,254,135,0,81,254,126,0,0,0,0,0,0,0,0,0,155,254,152,0,0,0,0,0,0,0,0,98,254,228,42,0,9,168,226,21,0,0,0,0,0,0,0,0,155,254,90,0,0,0,0,0,0,0,5,253,254,86,0,0,0,73,253,55,0,0,0,0,0,0,0,0,155,254,90,0,0,0,0,0,0,0,89,254,240,17,0,0,0,73,253,55,0,0,0,0,0,0,0,0,155,254,90,0,0,0,0,0,0,12,217,254,116,0,0,0,0,91,254,55,0,0,0,0,0,0,0,0,155,254,90,0,0,0,0,0,0,51,254,254,40,0,0,0,0,91,234,30,0,0,0,0,0,0,0,0,155,254,156,0,0,0,0,0,0,145,254,214,13,0,0,0,0,119,209,0,0,0,0,0,0,0,0,0,155,254,189,0,0,0,0,0,47,252,254,145,0,0,0,0,18,222,170,0,0,0,0,0,0,0,0,0,85,254,235,25,0,0,0,0,96,254,253,65,0,0,0,0,36,254,178,0,0,0,0,0,0,0,0,0,5,200,254,180,0,0,0,0,148,254,249,0,0,0,0,12,184,254,17,0,0,0,0,0,0,0,0,0,0,75,254,249,161,9,0,0,195,254,174,0,0,0,9,142,254,187,6,0,0,0,0,0,0,0,0,0,0,1,100,248,254,195,73,46,206,254,150,46,7,58,235,254,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,95,223,254,254,254,254,254,233,254,209,237,245,123,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,135,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,128,253,254,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,183,28,204,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,250,183,12,0,22,170,254,253,153,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,236,29,0,0,0,22,194,237,254,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,52,0,0,0,0,0,4,15,216,255,209,54,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,138,2,0,0,0,0,0,0,0,13,181,250,227,68,0,0,0,0,0,0,0,0,0,0,0,0,222,238,22,0,0,0,0,0,0,0,0,0,0,166,254,125,0,0,0,0,0,0,0,0,0,0,0,87,254,85,0,0,0,0,0,0,0,0,0,0,0,8,203,179,0,0,0,0,0,0,0,0,0,0,2,174,202,7,0,0,0,0,0,0,0,0,0,0,0,3,203,221,0,0,0,0,0,0,0,0,0,0,29,254,72,0,0,0,0,0,0,0,0,0,0,0,0,100,254,191,0,0,0,0,0,0,0,0,0,0,119,204,2,0,0,0,0,0,0,0,0,0,0,0,106,250,254,109,0,0,0,0,0,0,0,0,0,0,126,163,0,0,0,0,0,0,0,0,0,0,0,34,241,254,121,6,0,0,0,0,0,0,0,0,0,0,126,163,0,0,0,0,0,0,0,0,0,0,62,226,254,158,0,0,0,0,0,0,0,0,0,0,0,0,198,163,0,0,0,0,0,0,0,0,12,144,250,254,154,6,0,0,0,0,0,0,0,0,0,0,0,0,126,163,0,0,0,0,0,0,1,53,215,254,249,90,6,0,0,0,0,0,0,0,0,0,0,0,0,0,126,222,54,0,0,0,0,79,144,254,254,217,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,246,248,181,130,223,226,246,255,234,96,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,180,254,254,254,254,254,145,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,242,141,141,141,154,253,165,191,141,116,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,253,252,252,252,253,252,252,252,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,168,168,168,168,168,234,252,253,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,169,82,57,216,252,252,252,200,13,144,169,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,253,252,252,252,223,209,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,139,228,252,253,252,252,252,253,252,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,253,253,253,251,225,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,252,233,96,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,118,118,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,234,234,242,253,253,239,144,97,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,222,253,253,253,253,253,233,177,227,253,234,213,70,0,0,0,0,0,0,0,0,0,0,0,0,0,21,189,253,253,220,128,144,253,154,0,40,65,198,250,233,85,17,0,0,0,0,0,0,0,0,0,0,0,190,253,253,211,33,0,36,82,16,0,0,0,0,133,230,253,173,13,0,0,0,0,0,0,0,0,0,7,235,253,250,77,0,0,0,0,0,0,0,0,0,0,79,250,253,103,0,0,0,0,0,0,0,0,0,188,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,199,253,232,0,0,0,0,0,0,0,0,0,254,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,39,221,241,51,0,0,0,0,0,0,0,0,254,253,185,7,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,116,0,0,0,0,0,0,0,0,254,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,228,0,0,0,0,0,0,0,0,254,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,0,0,0,0,0,0,0,0,254,253,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,0,0,0,0,0,0,0,0,173,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,249,0,0,0,0,0,0,0,0,0,234,253,225,40,0,0,0,0,0,0,0,0,0,0,0,31,215,253,116,0,0,0,0,0,0,0,0,0,178,253,253,137,0,0,0,0,0,0,0,0,0,0,0,119,253,253,116,0,0,0,0,0,0,0,0,0,13,173,253,249,133,0,0,0,0,0,0,0,0,0,72,246,253,235,16,0,0,0,0,0,0,0,0,0,0,58,238,253,250,199,139,63,12,0,0,36,63,193,217,253,209,102,0,0,0,0,0,0,0,0,0,0,0,0,57,168,214,253,253,253,192,179,179,221,253,253,240,212,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,96,155,232,238,238,244,232,165,96,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,31,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,252,252,182,0,0,0,0,0,15,121,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,245,245,126,167,252,9,0,0,0,0,105,252,240,35,0,0,0,0,0,0,0,0,0,0,0,0,114,239,243,82,0,21,198,176,0,0,0,98,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,124,0,0,0,62,124,0,0,27,228,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,84,253,191,0,0,0,0,0,0,0,4,183,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,68,0,0,0,0,0,0,0,57,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,252,42,0,0,0,0,0,0,43,234,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,42,0,0,0,0,0,11,171,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,42,0,0,0,0,45,175,252,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,148,148,148,148,236,255,186,242,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,217,252,253,252,252,252,252,107,16,232,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,12,65,127,126,126,126,38,0,0,232,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,200,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,238,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,211,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,177,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,200,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,247,107,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,162,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,168,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,111,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,134,205,255,224,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,80,244,253,253,253,253,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,136,235,253,253,195,82,105,214,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,200,253,232,138,65,2,0,0,66,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,233,239,137,33,0,0,0,0,0,66,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,38,156,252,193,68,0,0,0,0,0,0,0,66,253,152,0,0,0,0,0,0,0,0,0,0,0,0,5,148,253,189,57,0,0,0,0,0,0,0,0,66,251,39,0,0,0,0,0,0,0,0,0,0,0,5,195,253,182,5,0,0,0,0,0,0,0,0,0,29,76,0,0,0,0,0,0,0,0,0,0,0,0,73,253,197,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,229,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,138,0,0,47,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,244,253,65,0,0,125,241,211,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,251,62,0,0,3,83,249,250,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,206,8,0,0,0,0,67,195,253,165,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,87,0,0,0,0,0,21,124,246,214,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,197,253,234,64,0,0,0,0,0,0,59,237,217,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,188,253,235,201,89,37,0,0,0,0,101,252,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,151,253,253,253,234,219,219,219,219,219,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,67,193,253,253,253,253,253,253,131,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,187,118,118,118,118,79,0,0,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,249,241,241,251,244,241,241,241,241,228,112,106,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,252,108,0,0,0,0,0,0,0,0,0,90,251,253,109,76,155,155,155,155,155,178,253,253,253,253,253,253,253,166,0,0,0,0,0,0,0,0,0,0,92,162,12,0,0,0,0,0,0,8,32,32,32,116,218,253,253,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,248,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,245,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,117,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,242,129,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,181,252,252,253,202,119,22,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,171,252,252,252,253,252,252,252,252,204,133,64,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,252,252,253,252,252,252,252,253,252,252,225,124,0,0,0,0,0,0,0,0,0,0,0,0,18,254,253,253,199,106,237,253,253,253,253,255,253,253,243,185,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,236,21,0,37,142,168,189,252,253,252,252,153,27,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,82,0,0,0,0,0,6,21,21,21,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,58,0,0,211,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,154,6,0,115,253,252,237,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,161,35,0,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,253,255,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,252,252,253,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,212,252,252,252,253,252,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,136,231,252,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,42,42,42,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,158,191,182,255,187,158,153,63,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,254,254,254,254,254,254,254,254,236,141,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,254,254,254,193,67,72,224,254,254,182,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,63,172,254,254,254,252,231,148,21,120,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,249,149,201,252,254,228,186,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,219,15,0,123,237,254,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,254,195,36,31,82,223,254,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,240,235,237,254,254,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,172,229,254,254,254,223,254,254,227,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,14,50,14,9,114,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,250,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,239,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,254,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,239,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,161,160,195,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,94,236,254,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,172,254,250,150,66,207,254,243,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,254,235,53,0,0,104,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,204,30,0,0,0,156,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,247,61,0,0,0,24,223,254,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,169,0,0,0,0,163,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,99,0,7,57,57,232,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,210,123,207,254,247,128,206,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,254,254,254,183,49,15,219,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,95,74,0,0,0,38,254,255,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,248,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,255,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,207,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,227,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,229,243,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,152,193,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,252,253,252,253,171,172,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,254,233,123,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,172,30,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,172,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,172,10,0,0,0,0,0,0,41,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,233,0,0,0,0,0,0,0,0,113,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,0,152,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,50,0,0,0,0,0,0,0,82,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,172,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,234,112,132,51,92,51,51,132,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,253,252,253,252,253,252,253,252,253,252,243,203,123,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,102,203,203,203,203,234,253,234,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,111,30,50,213,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,220,253,78,0,8,84,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,243,198,207,254,243,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,254,225,254,225,233,218,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,175,254,234,29,67,14,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,255,244,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,254,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,254,226,156,156,154,42,0,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,254,254,254,254,254,244,203,245,125,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,15,109,109,177,213,221,254,254,254,254,250,148,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,62,62,140,177,254,254,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,47,228,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,199,15,0,0,0,0,0,0,0,7,178,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,254,31,0,0,0,0,0,0,9,126,254,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,254,217,90,11,11,3,11,90,217,254,241,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,254,254,254,180,253,254,254,181,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,46,138,219,254,254,254,254,175,95,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,127,254,254,255,255,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,253,253,253,253,253,253,207,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,131,253,253,166,87,32,71,244,253,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,252,143,24,0,0,0,112,253,237,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,243,0,0,0,0,0,103,253,187,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,243,0,0,0,0,44,234,253,253,251,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,249,91,12,0,0,159,249,158,244,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,167,253,253,96,0,0,86,61,46,242,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,253,246,226,56,17,17,119,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,158,241,253,253,253,253,253,253,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,107,161,195,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,16,173,253,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,221,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,199,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,156,183,192,148,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,252,252,253,217,178,85,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,238,231,245,252,252,252,147,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,231,207,28,0,49,120,194,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,18,0,0,0,0,4,182,252,229,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,209,210,11,0,0,0,0,0,0,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,142,243,126,0,0,0,27,22,91,110,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,211,36,97,98,211,194,173,191,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,253,237,227,236,253,236,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,221,252,252,253,252,148,224,112,107,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,192,252,252,252,252,241,196,11,14,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,252,183,84,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,252,155,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,191,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,64,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,64,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,128,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,191,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,217,254,254,163,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,254,253,253,253,253,193,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,124,108,210,253,205,92,78,179,253,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,253,253,253,185,8,0,0,3,57,254,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,139,253,253,58,0,0,0,0,0,216,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,196,20,254,192,0,0,0,0,0,0,156,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,105,111,253,34,0,0,0,0,0,0,74,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,19,226,253,19,0,0,0,0,0,0,59,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,227,162,59,253,210,9,0,0,0,0,0,0,164,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,234,155,59,253,137,0,0,0,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,235,155,120,249,60,0,0,0,0,0,0,0,255,241,30,0,0,0,0,0,0,0,0,0,0,0,0,67,250,155,156,233,0,0,0,0,0,0,0,46,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,155,127,233,0,0,0,0,0,0,13,183,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,6,235,170,59,233,0,0,0,0,0,0,107,253,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,52,91,0,0,0,0,0,61,248,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,35,224,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,245,123,0,0,0,80,217,253,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,247,175,175,175,254,253,198,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,177,247,253,253,253,254,167,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,185,200,155,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,0,0,0,0,0,0,0,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,0,0,0,0,0,0,32,237,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,252,0,0,0,0,0,0,140,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,0,0,0,0,0,42,221,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,149,252,241,179,0,0,0,0,0,197,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,252,252,112,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,71,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,72,0,0,0,0,0,0,218,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,227,217,73,73,63,0,0,217,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,236,252,252,252,252,253,252,241,181,182,242,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,108,211,252,253,252,252,252,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,144,144,207,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,248,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,252,229,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,229,253,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,234,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,104,104,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,157,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,110,240,252,253,233,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,229,252,252,252,140,59,0,0,0,76,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,255,247,137,13,0,0,0,0,0,169,253,28,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,252,159,65,0,0,0,0,0,0,0,94,252,103,0,0,0,0,0,0,0,0,0,0,0,126,229,252,252,77,25,0,0,0,0,0,0,0,0,57,252,228,0,0,0,0,0,0,0,0,0,0,38,237,253,252,127,3,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,32,229,253,254,184,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,7,150,252,252,134,28,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,117,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,141,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,0,0,0,0,0,0,0,0,192,253,143,13,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,241,0,0,0,0,0,0,0,0,216,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,115,0,0,0,0,0,0,0,0,165,252,56,0,0,0,0,0,0,0,0,0,0,0,0,76,229,252,224,19,0,0,0,0,0,0,0,0,141,252,193,13,0,0,0,0,0,0,0,0,0,26,150,249,253,227,43,0,0,0,0,0,0,0,0,0,13,207,253,203,79,29,29,29,29,29,29,128,204,253,253,253,251,125,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,252,252,252,253,252,252,252,253,252,252,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,252,252,252,253,252,252,252,206,168,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,91,139,139,139,128,103,52,128,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,143,143,191,143,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,162,220,252,252,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,166,241,252,253,252,252,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,229,252,252,252,226,121,128,248,252,245,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,252,156,39,0,171,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,241,252,252,187,21,0,91,243,252,233,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,247,73,6,0,36,246,252,251,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,200,252,235,60,0,162,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,212,252,232,187,253,252,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,252,252,253,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,255,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,223,252,252,224,252,222,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,161,52,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,238,252,246,34,16,212,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,104,0,8,193,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,241,252,237,43,0,34,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,252,252,229,122,122,235,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,252,252,252,252,252,253,252,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,252,253,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,180,156,185,142,190,81,33,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,221,211,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,185,185,123,0,0,215,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,151,238,253,249,230,0,89,253,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,245,81,0,44,36,235,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,254,254,123,0,0,52,205,254,254,254,142,2,0,0,0,0,0,0,0,0,0,0,0,0,0,40,248,254,254,172,3,0,49,235,254,254,254,219,23,0,0,0,0,0,0,0,0,0,0,0,0,0,2,130,254,254,245,48,4,73,234,254,254,254,249,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,123,0,91,254,254,254,254,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,245,46,162,253,254,254,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,254,254,254,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,254,254,254,254,254,254,207,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,193,254,254,241,233,243,254,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,87,87,33,0,150,254,254,240,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,251,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,255,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,245,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,183,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,67,161,209,219,226,108,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,108,132,254,245,181,212,122,230,206,163,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,250,247,77,0,0,0,32,105,181,213,58,0,0,0,0,0,0,0,0,0,0,0,0,0,32,238,254,237,102,22,0,0,0,0,0,0,0,154,225,0,0,0,0,0,0,0,0,0,0,0,0,15,121,254,175,50,0,0,0,0,0,0,0,0,0,92,230,48,0,0,0,0,0,0,0,0,0,3,16,190,254,245,156,0,0,0,0,0,0,0,0,0,0,133,254,247,0,0,0,0,0,0,0,0,0,105,226,254,254,140,0,0,0,0,0,0,0,0,0,0,0,217,254,159,0,0,0,0,0,0,0,0,0,132,254,254,225,22,0,0,0,0,0,0,0,0,0,0,83,253,247,89,0,0,0,0,0,0,0,0,8,216,254,189,30,0,0,0,0,0,0,0,0,0,0,20,166,254,225,0,0,0,0,0,0,0,0,0,136,254,254,178,0,0,0,0,0,0,0,0,0,0,0,114,254,254,86,0,0,0,0,0,0,0,0,0,161,254,219,207,7,0,0,0,0,0,0,0,0,0,30,237,255,219,14,0,0,0,0,0,0,0,0,0,174,254,250,63,0,0,0,0,0,0,0,0,0,0,97,254,254,183,0,0,0,0,0,0,0,0,0,0,254,254,246,19,0,0,0,0,0,0,0,0,39,163,229,253,146,23,0,0,0,0,0,0,0,0,0,0,254,254,119,0,0,0,0,0,0,0,0,0,132,226,254,171,0,0,0,0,0,0,0,0,0,0,0,0,184,254,240,79,0,0,0,0,0,0,0,140,198,254,192,63,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,97,9,2,19,12,19,19,173,242,236,178,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,172,254,212,184,254,226,254,254,254,254,150,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,103,166,176,235,252,254,254,230,214,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,10,25,245,254,254,201,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,90,159,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,92,141,229,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,82,169,243,253,252,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,204,252,252,252,165,158,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,200,249,253,252,164,40,4,9,0,51,114,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,163,0,0,0,0,7,154,253,214,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,207,169,169,169,170,187,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,168,168,168,168,187,214,252,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,190,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,166,253,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,252,208,145,103,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,210,244,93,13,0,117,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,25,0,0,0,191,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,244,125,0,0,0,0,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,240,81,0,0,0,0,26,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,109,0,0,0,0,29,210,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,241,47,0,0,0,26,210,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,226,0,0,0,29,216,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,244,94,32,57,216,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,252,228,252,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,252,252,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,206,253,253,253,205,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,199,252,253,252,252,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,236,252,252,197,153,153,205,252,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,238,252,236,38,5,0,0,25,245,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,196,252,199,23,0,0,0,0,15,222,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,252,205,22,0,0,0,0,0,147,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,5,176,252,252,79,0,0,0,2,118,231,251,252,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,82,251,252,198,9,0,0,0,13,186,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,117,0,0,0,0,78,124,252,252,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,241,67,20,144,220,253,252,252,252,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,253,253,253,253,255,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,101,209,252,241,152,77,128,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,44,36,0,0,143,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,249,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,252,231,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,253,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,238,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,49,192,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,183,243,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,122,198,198,163,184,34,183,254,253,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,83,229,254,254,254,254,254,254,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,197,254,254,254,254,218,237,254,254,254,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,238,254,254,247,178,60,12,202,254,254,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,177,50,0,10,121,254,254,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,173,2,0,13,184,254,254,224,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,247,96,10,219,254,254,223,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,249,210,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,255,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,254,254,247,247,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,197,22,201,254,135,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,250,68,0,20,147,254,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,243,41,0,0,0,176,241,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,229,70,0,0,23,235,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,222,254,252,164,151,178,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,162,253,254,254,255,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,170,254,195,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,183,224,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,227,91,187,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,146,224,76,0,154,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,214,182,16,0,15,157,26,76,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,213,156,10,0,0,55,116,127,249,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,232,37,0,0,0,0,67,228,210,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,241,87,0,0,0,0,90,249,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,233,0,0,0,13,133,244,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,246,42,28,88,209,173,67,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,253,235,108,1,134,213,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,108,79,16,0,26,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,235,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,231,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,220,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,250,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,167,205,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,66,0,0,0,0,0,0,0,0,0,0,0,27,125,152,15,0,0,0,0,0,0,0,0,0,0,12,252,66,0,0,0,0,0,0,0,0,0,0,0,100,252,252,55,0,0,0,0,0,0,0,0,0,0,12,252,66,0,0,0,0,0,0,0,0,0,0,0,109,250,182,3,0,0,0,0,0,0,0,0,0,0,174,252,171,0,0,0,0,0,0,0,0,0,0,44,237,230,0,0,0,0,0,0,0,0,0,0,0,0,231,252,175,0,0,0,0,0,0,0,0,0,0,152,252,230,0,0,0,0,0,0,0,0,0,0,0,31,239,252,136,0,0,0,0,0,0,0,0,0,0,176,252,177,0,0,0,0,0,0,0,0,0,0,0,89,252,252,119,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,89,252,252,175,0,0,0,0,0,0,0,0,0,0,176,252,121,0,0,0,0,0,0,0,0,0,0,0,89,252,252,141,0,0,0,0,0,0,0,0,0,0,176,252,168,0,0,0,0,0,0,0,0,44,111,182,231,252,252,66,0,0,0,0,0,0,0,0,0,0,177,253,244,143,143,143,143,143,239,255,253,253,253,253,253,253,253,66,0,0,0,0,0,0,0,0,0,0,83,241,252,252,252,252,252,252,252,253,252,226,186,115,137,252,252,66,0,0,0,0,0,0,0,0,0,0,0,80,162,252,252,252,252,222,153,139,44,27,0,0,89,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,1,10,10,10,10,7,0,0,0,0,0,0,194,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,208,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,244,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,142,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,141,191,255,253,253,203,129,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,247,196,196,221,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,168,130,56,50,0,0,63,253,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,175,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,179,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,151,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,196,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,253,153,29,10,0,13,29,54,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,253,196,169,206,253,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,205,253,252,252,252,253,233,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,252,252,252,178,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,136,249,77,18,22,57,127,127,83,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,252,196,239,253,252,252,252,252,253,189,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,252,252,252,252,253,217,147,147,235,253,252,249,185,18,0,0,0,0,0,0,0,0,0,0,4,139,253,255,253,250,211,167,89,0,0,0,0,0,36,115,211,167,0,0,0,0,0,0,0,0,0,0,136,252,252,142,63,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,251,252,208,30,13,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,252,252,253,217,175,169,169,109,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,226,252,252,252,253,252,252,252,252,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,16,152,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,140,0,0,0,0,0,62,221,252,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,218,96,43,43,61,183,253,253,218,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,245,141,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,135,233,252,235,232,196,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,84,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,64,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,192,254,254,254,203,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,113,224,253,250,243,243,243,248,241,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,226,253,232,133,56,0,0,0,47,206,245,133,5,0,0,0,0,0,0,0,0,0,0,0,0,0,31,236,253,172,23,0,0,0,0,0,0,37,232,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,172,8,0,0,0,0,0,0,0,0,96,253,118,0,0,0,0,0,0,0,0,0,0,0,0,10,245,253,79,0,0,0,0,0,0,0,0,0,13,216,236,33,0,0,0,0,0,0,0,0,0,0,0,11,253,247,53,0,0,0,0,0,0,0,0,0,0,146,253,64,0,0,0,0,0,0,0,0,0,0,0,11,253,237,13,0,0,0,0,0,0,0,0,0,0,80,253,80,0,0,0,0,0,0,0,0,0,0,0,11,253,253,79,0,0,0,0,0,0,0,0,0,0,80,253,163,0,0,0,0,0,0,0,0,0,0,0,1,146,253,99,0,0,0,0,0,0,0,0,0,0,80,253,144,0,0,0,0,0,0,0,0,0,0,0,0,39,239,239,153,33,3,0,0,0,0,0,2,1,84,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,90,235,253,253,202,159,159,159,159,159,197,169,253,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,129,172,238,250,245,238,248,242,253,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,35,0,53,161,253,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,224,245,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,236,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,247,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,191,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,227,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,216,253,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,171,246,252,253,201,179,178,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,252,252,252,128,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,182,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,109,0,0,0,0,0,82,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,100,0,0,0,0,52,232,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,233,101,4,0,16,226,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,221,252,182,109,206,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,173,252,253,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,255,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,252,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,223,47,181,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,252,80,0,127,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,0,0,127,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,0,0,128,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,0,0,127,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,233,153,190,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,252,253,252,252,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,147,226,190,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,198,170,170,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,57,0,0,0,29,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,86,0,0,0,0,0,0,255,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,114,0,0,0,0,0,0,0,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,86,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,86,86,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,64,0,0,128,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,43,231,255,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,168,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,143,224,253,253,253,247,128,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,253,253,253,253,253,217,43,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,220,253,253,253,245,247,253,253,253,166,32,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,220,253,253,227,125,68,73,93,134,230,253,253,168,26,0,0,0,0,0,0,0,0,0,0,0,0,17,220,253,253,199,25,0,0,0,0,0,32,212,253,253,213,4,0,0,0,0,0,0,0,0,0,0,29,130,253,253,199,25,0,0,0,0,0,0,0,32,237,253,253,30,0,0,0,0,0,0,0,0,0,3,167,253,253,199,25,0,0,0,0,0,0,0,0,0,141,253,253,156,0,0,0,0,0,0,0,0,5,189,253,253,246,70,0,0,0,0,0,0,0,0,0,0,106,253,253,253,0,0,0,0,0,0,0,0,7,253,253,247,102,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,0,0,0,0,0,0,0,0,43,253,253,192,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,0,0,0,0,0,0,0,0,170,253,247,72,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,214,0,0,0,0,0,0,0,0,212,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,129,0,0,0,0,0,0,0,0,130,253,235,0,0,0,0,0,0,0,0,0,0,0,35,142,250,253,210,21,0,0,0,0,0,0,0,0,82,253,251,140,0,0,0,0,0,0,0,0,0,35,217,253,253,253,135,0,0,0,0,0,0,0,0,0,4,205,253,239,93,0,0,0,0,0,29,106,206,238,253,253,253,40,13,0,0,0,0,0,0,0,0,0,0,10,150,253,251,236,215,197,236,236,241,253,253,253,253,209,90,2,0,0,0,0,0,0,0,0,0,0,0,0,77,147,253,253,253,253,253,253,253,253,253,213,90,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,24,129,214,253,253,220,69,90,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,105,245,253,253,255,253,244,105,105,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,191,239,252,230,192,192,193,192,195,252,252,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,19,205,252,250,157,57,0,0,0,0,6,88,88,88,42,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,185,9,0,0,0,0,0,0,0,0,0,53,75,4,0,0,0,0,0,0,0,0,0,0,0,43,226,252,72,0,0,0,0,0,0,0,0,0,0,178,252,120,0,0,0,0,0,0,0,0,0,0,0,139,252,252,29,0,0,0,0,0,0,0,0,0,40,217,252,162,0,0,0,0,0,0,0,0,0,0,0,68,252,252,29,0,0,0,0,0,0,0,0,0,75,252,252,22,0,0,0,0,0,0,0,0,0,0,0,60,252,252,29,0,0,0,0,0,0,0,0,22,194,252,252,14,0,0,0,0,0,0,0,0,0,0,0,60,252,252,29,0,0,0,0,0,0,0,98,197,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,164,253,209,93,0,0,0,0,106,227,253,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,37,220,252,246,129,60,87,208,253,252,248,192,122,252,252,49,0,0,0,0,0,0,0,0,0,0,0,0,0,42,220,247,252,252,252,252,253,239,134,0,75,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,252,133,23,0,0,75,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,29,29,29,0,0,0,0,9,187,252,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,103,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,179,253,253,255,184,116,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,175,252,252,252,252,253,252,252,231,59,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,225,252,252,252,236,216,153,108,221,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,252,252,252,210,59,0,0,0,12,196,252,228,55,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,252,235,151,10,0,0,0,0,0,169,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,19,230,252,252,145,0,0,0,0,0,0,0,169,252,252,192,11,0,0,0,0,0,0,0,0,0,0,0,123,252,252,162,12,0,0,0,0,0,0,0,169,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,145,252,252,72,0,0,0,0,0,0,0,14,201,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,145,252,252,72,0,0,0,0,0,0,0,37,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,30,252,252,72,0,0,0,0,0,0,12,197,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,152,253,224,99,13,13,13,70,133,202,253,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,33,233,252,252,252,252,252,252,253,252,252,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,19,125,226,252,252,252,252,253,252,230,135,208,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,84,84,84,84,84,84,32,0,181,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,149,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,10,143,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,198,218,224,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,79,250,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,240,254,182,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,235,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,224,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,235,0,0,0,0,0,0,74,95,95,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,176,0,0,0,0,91,244,254,254,255,247,107,0,0,0,0,0,0,0,0,0,0,0,0,0,5,168,254,57,0,0,0,168,255,254,238,216,188,254,213,5,0,0,0,0,0,0,0,0,0,0,0,0,10,254,252,45,0,0,65,239,254,235,89,0,48,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,7,229,220,14,0,74,228,254,207,51,0,0,48,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,186,16,247,254,183,7,0,2,111,232,254,157,1,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,250,223,254,230,12,5,69,188,254,250,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,254,245,144,199,254,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,184,254,254,254,254,254,254,192,75,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,162,253,254,254,255,179,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,243,159,101,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,155,166,166,166,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,254,254,254,228,237,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,142,197,205,122,69,27,16,22,194,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,168,241,128,1,0,0,0,0,47,199,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,86,0,0,0,0,0,2,109,198,201,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,70,0,0,0,5,52,141,254,252,151,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,237,224,114,2,20,206,254,254,223,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,251,252,254,254,161,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,175,183,254,254,254,173,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,103,253,254,254,229,134,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,254,195,154,223,254,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,38,0,28,58,128,201,118,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,188,254,169,5,0,0,0,27,110,249,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,65,0,0,0,0,0,27,129,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,4,0,0,0,0,0,0,68,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,185,254,4,0,0,0,0,0,0,68,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,82,0,0,0,0,15,69,226,194,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,224,133,75,117,154,224,254,205,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,186,254,254,254,254,254,178,91,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,132,144,123,154,138,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,155,213,240,128,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,111,238,254,250,246,253,212,83,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,254,254,164,38,0,81,238,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,142,254,254,197,14,0,0,0,57,238,237,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,236,54,0,0,0,0,0,142,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,115,0,0,0,0,0,0,142,254,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,105,0,0,0,0,0,7,183,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,235,13,0,0,0,0,0,55,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,162,0,0,0,0,0,0,107,254,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,214,0,0,0,0,0,56,249,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,250,64,0,0,0,70,235,254,225,242,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,111,254,201,96,78,133,249,254,193,38,158,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,77,206,254,254,246,185,101,5,0,146,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,29,24,0,0,0,0,146,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,125,225,254,254,255,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,250,253,253,253,253,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,225,251,253,253,167,113,12,123,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,253,253,167,45,5,0,0,4,123,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,218,45,5,0,0,0,0,18,189,253,237,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,48,0,0,0,0,0,0,93,253,253,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,76,0,0,0,0,64,179,242,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,237,209,209,209,209,242,253,253,253,186,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,253,253,253,185,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,109,188,188,188,188,188,203,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,202,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,244,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,85,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,47,47,68,161,161,161,162,140,13,17,47,0,0,0,0,0,0,0,0,0,0,0,0,64,0,45,153,240,252,253,252,252,252,252,253,252,202,209,252,0,0,0,0,0,0,0,0,0,0,100,207,248,208,236,252,252,252,253,252,252,252,252,253,252,252,252,157,0,0,0,0,0,0,0,0,0,43,246,252,252,253,252,252,252,252,253,252,252,252,252,253,252,200,210,22,0,0,0,0,0,0,0,0,0,43,247,253,253,255,253,253,253,232,116,116,116,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,188,252,253,252,252,252,190,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,160,253,252,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,158,252,252,252,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,239,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,132,0,0,0,0,0,0,51,242,253,236,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,240,82,0,0,0,0,19,188,252,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,208,17,0,93,166,220,252,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,234,230,253,252,252,252,252,253,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,245,253,253,253,255,253,253,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,253,252,252,214,227,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,100,183,215,184,130,151,13,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,112,151,168,219,194,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,222,254,254,254,254,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,93,251,254,197,114,97,10,108,39,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,96,0,0,0,64,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,217,253,92,4,0,0,39,250,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,239,0,0,0,0,115,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,197,6,0,0,7,195,254,220,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,197,167,167,201,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,71,237,253,252,254,254,254,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,58,99,223,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,128,254,136,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,220,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,213,248,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,241,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,250,226,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,201,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,112,190,253,224,168,189,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,226,252,252,241,66,0,6,65,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,171,252,252,155,35,0,0,0,0,0,0,41,142,11,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,244,77,7,0,0,0,0,0,0,0,127,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,232,0,0,0,0,0,0,0,0,15,192,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,231,0,0,0,0,0,0,0,15,140,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,242,51,0,0,0,0,15,110,237,252,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,231,28,0,22,117,225,252,253,169,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,191,252,174,107,199,252,252,164,42,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,255,239,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,164,195,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,48,215,245,252,224,126,223,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,124,252,252,216,110,7,0,35,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,199,252,226,59,18,0,0,0,0,209,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,236,14,0,0,0,0,0,0,148,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,211,32,0,0,0,0,0,183,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,161,231,245,236,171,92,20,6,66,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,172,253,252,245,190,252,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,156,208,252,208,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,255,254,178,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,130,23,56,107,115,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,240,32,0,0,0,0,0,0,0,0,15,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,135,0,0,0,0,0,17,134,151,229,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,186,26,0,0,0,19,237,214,93,170,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,189,38,0,0,57,190,29,0,70,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,244,205,84,0,0,0,0,70,206,0,0,0,0,0,0,0,0,0,0,0,0,85,50,0,0,0,0,44,119,79,0,0,0,0,0,70,206,0,0,0,0,0,0,0,0,0,0,0,0,183,69,0,0,0,0,0,0,0,0,0,0,0,0,70,207,0,0,0,0,0,0,0,0,0,0,0,0,99,169,0,0,0,0,0,0,0,0,0,0,0,0,153,206,0,0,0,0,0,0,0,0,0,0,0,0,13,221,149,19,0,0,0,0,0,0,0,0,0,0,161,206,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,215,67,0,0,0,0,0,0,0,0,0,161,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,254,152,26,0,0,0,0,0,0,26,187,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,140,240,239,129,26,0,0,0,5,189,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,163,251,224,116,24,40,195,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,202,253,254,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,254,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,137,206,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,166,12,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,88,254,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,227,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,242,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,220,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,254,249,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,228,189,241,200,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,251,253,168,6,134,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,9,181,253,194,13,0,10,228,243,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,210,235,219,16,0,0,0,195,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,184,253,253,253,114,0,0,0,0,125,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,253,158,137,253,104,0,0,0,0,53,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,225,4,3,167,104,0,0,0,0,81,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,110,0,0,0,24,0,0,0,0,126,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,24,0,0,0,0,0,0,0,0,223,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,193,5,0,0,0,0,0,0,0,29,236,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,178,0,0,0,0,0,0,0,4,114,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,178,0,0,0,0,0,0,0,15,253,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,199,7,0,0,0,0,0,0,110,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,34,0,0,0,0,0,54,249,247,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,124,0,0,0,0,2,160,249,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,220,10,0,0,7,157,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,194,253,173,20,55,201,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,246,250,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,153,232,153,95,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,95,147,235,244,147,57,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,84,185,240,254,254,254,222,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,181,243,149,140,101,32,32,32,19,92,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,24,0,0,0,0,0,0,35,222,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,254,142,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,253,141,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,222,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,226,254,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,110,241,254,182,88,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,254,254,206,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,250,254,181,153,80,197,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,170,55,4,0,0,6,143,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,204,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,229,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,217,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,247,199,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,71,0,0,0,0,31,80,73,244,247,180,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,242,144,71,71,154,248,254,198,128,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,146,227,254,254,171,93,38,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,159,254,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,199,253,253,254,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,214,121,219,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,226,253,213,27,0,109,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,233,234,32,0,0,91,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,148,12,0,0,91,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,222,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,248,254,248,131,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,255,254,254,254,134,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,79,100,103,154,189,249,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,48,0,0,0,26,224,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,98,0,0,0,123,253,216,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,142,0,0,79,245,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,239,246,76,27,222,253,234,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,248,244,253,190,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,134,250,251,134,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,254,253,254,253,234,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,171,151,151,151,151,213,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,173,10,0,0,0,0,0,123,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,131,0,0,0,0,0,0,51,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,232,203,122,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,254,253,254,172,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,151,70,50,50,112,232,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,162,41,0,0,41,193,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,255,253,255,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,232,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,142,226,254,255,254,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,150,247,251,191,159,205,254,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,254,224,80,0,0,6,89,228,254,232,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,223,41,0,0,0,0,0,30,213,254,241,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,27,0,0,0,0,0,0,0,37,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,254,189,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,210,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,48,121,130,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,75,203,254,254,254,254,254,218,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,179,254,251,155,159,254,254,252,254,239,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,179,254,231,42,30,239,254,221,57,248,254,240,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,231,40,16,194,254,243,30,0,87,248,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,254,169,16,194,254,236,72,0,0,0,232,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,212,227,254,217,78,0,0,0,0,232,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,81,248,254,254,237,154,23,0,0,0,0,0,160,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,62,62,23,0,0,0,0,0,0,0,138,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,236,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,239,254,176,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,66,190,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,255,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,233,30,0,0,0,0,0,0,62,142,203,122,41,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,183,0,0,0,11,51,113,193,254,253,254,253,193,51,0,0,0,0,0,0,0,0,0,0,0,0,193,252,61,0,0,82,213,252,253,212,91,50,71,151,253,232,41,0,0,0,0,0,0,0,0,0,0,21,254,253,0,0,113,253,254,172,82,0,0,0,0,0,132,253,102,0,0,0,0,0,0,0,0,0,0,102,253,252,0,41,233,252,172,10,0,0,0,0,0,0,51,252,102,0,0,0,0,0,0,0,0,0,0,102,254,253,0,102,254,151,0,0,0,0,0,0,0,0,72,253,102,0,0,0,0,0,0,0,0,0,0,20,253,252,0,102,253,192,82,0,0,0,0,0,0,0,193,252,102,0,0,0,0,0,0,0,0,0,0,0,152,253,82,0,254,253,224,203,0,0,0,0,31,132,255,233,41,0,0,0,0,0,0,0,0,0,0,0,152,252,41,0,50,50,20,0,0,0,0,41,193,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,92,253,214,10,0,0,0,0,0,21,173,253,244,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,212,41,0,0,82,123,223,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,253,255,253,255,253,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,213,252,253,252,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,246,167,143,71,71,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,254,254,254,254,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,224,210,254,254,244,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,200,16,6,35,35,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,255,254,171,66,27,27,27,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,254,254,254,254,228,127,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,245,247,254,254,254,254,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,79,79,79,88,202,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,244,254,245,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,144,249,254,250,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,153,238,254,254,225,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,69,153,211,252,254,254,235,133,24,0,0,0,0,0,0,0,0,0,0,0,172,124,20,15,42,115,184,223,254,254,254,246,206,92,25,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,239,227,254,254,254,248,247,175,92,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,242,245,245,199,157,88,46,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,155,229,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,254,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,254,254,254,254,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,254,254,254,254,254,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,254,254,181,156,174,254,251,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,230,254,254,231,42,0,47,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,214,254,254,254,189,0,0,7,183,254,237,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,87,34,0,0,0,51,226,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,249,254,254,154,11,0,0,0,0,0,164,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,254,254,232,34,0,0,0,0,0,0,164,254,250,86,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,169,0,0,0,0,0,0,0,164,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,75,0,0,0,0,0,0,0,70,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,190,12,0,0,0,0,0,0,0,125,255,254,111,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,162,0,0,0,0,0,0,0,47,225,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,162,0,0,0,0,0,24,125,225,254,254,225,40,0,0,0,0,0,0,0,0,0,0,0,0,43,243,254,219,114,27,6,21,125,227,254,254,254,225,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,172,231,254,254,254,254,225,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,254,254,254,254,254,254,254,252,153,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,234,254,254,254,254,254,223,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,124,191,228,153,124,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,34,225,255,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,189,252,252,253,252,252,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,186,249,252,252,252,253,252,252,252,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,244,106,63,168,121,24,10,10,153,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,197,0,0,0,0,0,0,0,171,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,197,0,0,0,0,0,0,0,209,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,201,50,0,0,0,0,0,32,230,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,22,0,0,0,0,0,67,252,252,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,243,252,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,252,226,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,169,252,253,160,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,252,252,208,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,215,252,252,252,113,89,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,248,252,252,252,252,253,252,244,222,122,122,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,252,252,252,252,253,252,252,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,252,252,252,252,185,176,229,252,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,252,151,142,61,5,0,23,76,248,228,142,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,64,234,255,152,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,167,253,192,250,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,75,211,241,115,6,244,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,149,253,219,57,0,17,245,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,211,248,149,14,0,0,178,233,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,227,227,244,253,99,0,0,0,29,228,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,241,253,253,253,247,134,11,5,143,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,233,200,196,253,253,207,108,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,173,50,8,128,237,250,253,253,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,233,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,250,131,118,253,176,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,223,232,49,21,128,251,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,120,0,0,0,244,193,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,54,0,0,0,128,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,216,17,0,0,0,28,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,199,0,0,0,0,28,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,78,16,8,75,199,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,215,196,253,216,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,107,231,198,145,145,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,94,171,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,129,184,239,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,87,164,222,246,253,253,251,248,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,7,76,154,253,253,253,253,253,232,140,65,22,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,238,172,42,0,0,22,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,140,250,246,134,54,27,22,0,0,0,0,120,253,208,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,54,0,0,0,0,0,0,0,0,197,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,239,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,141,141,141,141,148,203,249,251,253,253,251,221,141,141,141,81,0,0,0,0,0,0,0,0,0,0,36,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,145,0,0,0,0,0,0,0,0,0,0,68,253,253,253,233,228,154,145,145,145,217,212,42,65,145,145,69,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,152,152,233,193,152,214,253,254,253,254,253,255,233,214,193,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,253,252,253,252,253,252,253,252,192,50,30,10,0,0,0,0,0,0,0,0,0,0,0,163,254,253,203,203,203,162,142,102,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,234,71,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,254,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,171,50,50,112,232,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,0,0,0,0,41,163,243,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,172,153,152,255,253,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,253,252,253,171,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,158,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,197,253,253,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,250,253,253,164,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,254,253,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,187,253,254,230,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,102,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,236,254,254,47,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,220,211,177,86,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,253,254,253,253,202,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,230,121,121,122,155,253,253,174,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,209,0,0,0,38,235,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,234,253,209,0,0,0,67,253,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,209,0,0,75,204,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,250,236,155,155,255,253,253,230,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,254,253,223,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,162,253,157,143,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,180,201,87,138,138,138,138,76,24,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,252,252,252,252,253,252,186,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,253,252,252,252,252,253,252,252,227,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,202,245,160,77,45,98,161,160,227,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,21,0,0,0,0,0,0,48,232,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,248,252,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,240,253,252,168,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,170,253,253,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,252,252,253,194,161,161,57,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,253,252,252,252,252,216,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,252,253,252,252,252,252,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,221,157,137,137,137,137,43,22,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,65,87,253,253,255,180,138,44,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,253,252,252,252,252,232,252,252,252,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,209,252,253,252,252,227,130,38,69,171,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,173,252,253,172,45,29,0,0,17,188,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,75,75,8,0,0,0,64,193,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,202,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,244,253,252,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,203,252,252,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,252,253,252,252,236,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,252,252,252,243,117,54,127,189,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,116,116,53,0,0,93,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,227,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,85,116,11,0,0,0,0,0,0,22,146,248,252,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,74,0,0,0,11,97,253,253,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,245,161,78,140,203,253,252,252,252,252,196,33,0,0,0,0,0,0,0,0,0,0,0,0,0,51,183,246,253,252,252,252,252,253,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,252,252,252,253,252,185,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,211,252,252,200,128,22,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,157,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,85,76,0,197,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,126,225,246,252,225,0,110,190,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,191,255,253,253,253,251,75,0,0,179,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,227,170,84,75,0,0,0,10,196,252,252,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,106,31,13,0,0,0,0,0,0,82,252,252,0,0,0,0,0,0,0,0,0,0,0,0,241,252,214,90,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,13,226,254,234,100,0,0,0,0,0,0,0,0,0,0,120,253,253,0,0,0,0,0,0,0,0,0,26,169,243,253,84,0,0,0,0,0,0,0,0,0,0,7,187,252,252,0,0,0,0,0,0,0,0,0,156,240,252,156,19,0,0,0,0,0,0,0,0,0,0,66,252,252,164,0,0,0,0,0,0,0,0,76,243,252,202,0,0,0,0,0,0,0,0,0,0,0,0,241,252,214,28,0,0,0,0,0,0,0,0,204,253,244,25,0,0,0,0,0,0,0,0,16,29,154,203,254,247,100,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,26,216,252,252,252,253,121,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,48,134,172,222,253,252,252,214,56,19,0,0,0,0,0,0,0,0,0,0,153,252,243,125,114,113,113,213,241,252,252,252,241,139,52,15,0,0,0,0,0,0,0,0,0,0,0,0,13,207,253,253,254,253,253,253,254,253,231,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,171,221,253,252,233,196,84,84,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,56,56,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,7,24,254,162,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,120,172,231,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,194,253,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,237,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,233,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,184,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,25,65,42,25,2,0,0,49,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,222,253,253,253,253,253,104,35,0,157,253,198,23,0,0,0,0,0,0,0,0,0,0,0,0,0,17,222,244,205,113,125,205,226,253,250,169,222,244,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,205,0,0,0,0,31,129,254,253,253,216,18,0,21,61,6,0,0,0,0,0,0,0,0,0,0,18,215,89,0,0,0,0,0,35,254,253,253,253,211,194,214,144,6,0,0,0,0,0,0,0,0,0,0,119,211,29,0,0,0,33,86,223,254,204,111,185,253,253,143,7,0,0,0,0,0,0,0,0,0,0,0,100,253,206,28,75,137,232,253,253,198,15,0,7,36,36,7,0,0,0,0,0,0,0,0,0,0,0,0,14,212,253,237,248,253,253,154,87,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,213,253,253,155,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,187,255,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,243,243,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,220,137,42,144,254,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,127,1,0,72,242,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,2,0,0,0,192,254,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,224,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,234,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,232,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,139,96,30,0,0,0,0,0,126,254,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,254,254,254,237,129,10,0,0,48,204,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,254,254,254,254,249,103,18,216,254,164,52,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,94,24,24,104,186,251,254,254,236,254,243,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,38,0,0,0,2,94,254,254,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,230,254,126,0,0,6,128,219,254,254,191,146,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,245,254,251,156,129,212,254,247,136,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,254,254,254,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,178,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,210,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,199,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,164,242,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,174,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,164,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,248,42,0,0,0,0,0,0,38,116,116,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,106,0,0,0,0,0,0,85,247,253,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,7,170,236,17,0,0,0,0,7,104,254,254,197,184,255,23,0,0,0,0,0,0,0,0,0,0,0,0,24,253,134,0,0,0,0,0,91,253,224,106,4,17,254,23,0,0,0,0,0,0,0,0,0,0,0,0,24,253,17,0,0,0,7,157,242,128,17,0,70,224,188,4,0,0,0,0,0,0,0,0,0,0,0,0,7,203,68,0,0,0,70,253,238,25,0,17,224,219,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,119,0,0,0,187,224,17,0,95,212,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,248,97,9,51,254,73,30,206,254,194,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,242,215,224,254,211,228,168,80,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,160,160,195,160,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,82,0,0,0,0,203,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,223,20,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,82,0,0,0,51,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,130,0,0,0,0,173,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,244,40,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,203,0,0,0,0,41,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,102,0,0,0,0,102,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,20,0,0,0,0,183,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,0,0,0,0,31,233,254,50,163,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,0,0,62,102,173,252,253,212,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,253,254,253,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,252,192,151,213,252,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,141,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,254,255,254,254,254,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,253,253,253,253,253,253,253,120,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,253,253,253,253,249,239,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,250,146,105,82,26,205,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,140,0,0,0,0,69,253,253,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,233,34,0,0,0,0,69,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,159,184,0,0,0,0,0,69,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,138,120,180,234,253,253,253,191,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,233,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,253,253,234,150,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,228,253,253,253,253,253,253,253,206,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,49,49,139,172,196,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,142,239,253,237,99,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,240,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,231,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,230,230,138,106,142,230,238,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,253,253,253,253,253,253,155,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,253,253,253,253,101,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,153,253,223,129,93,5,5,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,228,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,243,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,115,95,128,218,250,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,109,200,249,253,253,253,254,253,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,253,181,162,105,72,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,238,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,217,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,254,35,19,90,109,110,109,64,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,253,253,253,253,254,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,254,254,248,117,118,197,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,109,108,30,17,0,0,4,117,253,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,207,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,59,0,0,0,0,0,0,0,167,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,67,8,0,0,0,0,86,249,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,241,253,177,89,37,37,140,235,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,228,250,253,253,254,253,253,160,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,201,188,221,201,85,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,102,183,203,203,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,153,233,255,253,224,203,203,203,203,243,234,51,0,0,0,0,0,0,0,0,0,0,0,0,21,142,213,252,233,151,91,50,20,0,0,0,0,81,253,232,41,0,0,0,0,0,0,0,0,0,0,62,214,253,183,102,0,0,0,0,0,0,0,0,0,0,82,243,173,10,0,0,0,0,0,0,0,0,0,183,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,91,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,213,0,0,0,0,0,0,0,0,0,122,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,0,0,0,0,0,0,0,0,0,0,123,243,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,213,252,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,234,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,233,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,214,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,204,203,253,252,151,70,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,142,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,220,164,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,240,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,231,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,254,218,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,200,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,163,163,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,38,38,6,0,0,0,0,0,0,0,0,0,56,76,76,76,76,76,114,184,184,184,184,184,184,184,184,212,253,253,70,0,0,0,0,0,0,0,0,177,245,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,238,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,238,210,210,210,210,210,246,253,253,81,0,0,0,0,0,0,0,0,173,231,217,172,172,242,172,135,65,65,41,0,0,0,0,21,225,253,231,26,0,0,0,0,0,0,0,0,0,19,15,0,0,23,0,0,0,0,0,0,0,0,0,162,253,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,223,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,249,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,12,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,150,234,254,255,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,234,254,254,254,254,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,155,254,254,196,77,56,201,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,154,10,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,253,220,43,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,194,254,221,38,0,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,103,0,0,0,0,0,0,173,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,190,103,7,0,0,0,0,0,0,236,249,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,67,67,8,3,192,242,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,136,226,239,254,255,229,192,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,150,254,248,163,150,245,253,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,197,35,0,0,20,234,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,225,40,0,0,0,206,254,236,254,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,140,0,5,65,183,254,230,57,247,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,178,117,196,254,254,232,46,0,170,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,254,247,128,7,0,0,79,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,90,131,131,111,33,0,0,0,0,122,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,163,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,229,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,193,34,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,238,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,253,235,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,253,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,240,253,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,243,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,253,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,208,251,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,230,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,228,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,254,254,135,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,217,254,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,203,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,228,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,110,0,0,0,0,0,22,148,88,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,243,231,18,0,0,0,0,0,207,255,254,230,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,133,0,0,0,0,0,123,253,254,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,131,0,0,0,0,74,247,254,201,233,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,131,0,0,0,0,158,254,220,68,250,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,131,0,0,0,0,212,202,32,144,254,235,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,213,178,8,0,0,0,44,17,64,249,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,249,130,0,0,0,9,106,232,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,247,156,106,106,182,254,254,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,254,254,254,254,254,248,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,115,199,254,197,81,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,155,155,179,210,155,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,210,244,225,184,144,230,254,223,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,62,254,244,113,2,0,0,6,135,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,241,240,40,0,0,0,0,0,10,229,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,199,246,49,0,0,0,0,0,0,0,196,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,145,0,0,0,0,0,0,0,0,216,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,224,0,0,0,0,0,0,0,0,225,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,180,241,54,38,10,0,0,0,9,168,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,235,251,60,0,0,0,53,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,254,254,98,51,51,137,252,254,210,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,254,254,254,254,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,189,241,254,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,40,40,175,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,223,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,247,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,214,252,252,231,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,242,252,252,243,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,243,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,243,252,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,191,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,133,253,252,252,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,255,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,252,253,252,107,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,253,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,238,252,252,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,236,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,252,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,236,252,252,212,79,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,215,246,252,226,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,163,230,249,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,189,252,217,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,110,233,232,109,110,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,252,252,252,253,242,114,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,231,217,91,71,71,133,226,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,108,0,0,0,0,1,73,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,108,0,0,0,63,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,232,0,0,11,175,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,21,0,37,252,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,144,0,37,252,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,128,129,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,221,253,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,133,215,221,252,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,109,31,0,47,109,109,191,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,252,227,217,233,252,252,252,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,252,252,252,253,252,252,252,253,241,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,108,108,108,108,190,108,108,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,92,170,169,249,183,147,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,143,238,254,254,254,183,229,254,235,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,87,240,254,213,133,32,32,2,21,74,248,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,127,254,253,143,24,0,0,0,0,0,0,72,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,82,0,0,0,0,0,0,0,0,63,254,228,4,0,0,0,0,0,0,0,0,0,0,0,0,115,254,181,3,0,0,0,0,0,0,0,51,238,254,162,1,0,0,0,0,0,0,0,0,0,0,0,0,115,254,127,0,0,0,0,0,0,0,38,236,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,201,9,0,0,0,0,0,45,173,254,254,195,100,0,0,0,0,0,0,0,0,0,0,0,0,0,1,153,254,88,7,0,2,17,188,244,254,254,188,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,217,254,198,163,169,254,235,251,254,234,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,162,162,155,54,35,239,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,237,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,230,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,94,158,158,187,202,235,254,255,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,207,254,254,254,254,254,252,225,174,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,179,133,67,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,91,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,215,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,172,17,128,182,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,254,178,247,254,254,252,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,254,254,254,254,196,167,245,254,198,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,227,118,15,0,73,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,206,38,0,0,0,44,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,183,24,0,0,0,0,44,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,81,3,0,0,0,0,0,44,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,15,0,0,0,0,0,0,0,44,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,242,30,0,0,0,0,0,0,0,124,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,102,0,0,0,0,0,0,52,247,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,188,11,0,0,0,0,17,140,254,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,180,44,0,0,3,149,254,254,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,229,254,235,120,68,209,254,254,242,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,244,254,254,254,254,252,154,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,119,201,223,104,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,97,138,138,138,255,253,222,138,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,252,252,252,252,253,231,240,206,207,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,247,183,183,89,69,69,37,50,0,63,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,92,0,26,122,185,184,184,90,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,245,58,100,224,252,203,160,185,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,241,136,246,210,137,11,0,7,158,242,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,253,205,74,0,0,0,0,0,221,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,202,25,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,173,25,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,45,0,0,0,0,0,0,0,0,0,116,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,3,0,0,0,0,0,0,0,0,9,233,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,117,22,0,0,0,0,0,0,13,174,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,206,70,19,0,0,0,13,172,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,219,165,93,104,215,252,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,137,221,252,252,253,231,106,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,233,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,255,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,201,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,246,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,240,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,171,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,208,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,242,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,239,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,3,20,112,112,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,143,254,254,254,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,249,254,252,224,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,231,68,16,240,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,254,231,43,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,158,0,3,133,253,235,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,117,24,111,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,254,235,173,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,175,254,156,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,92,146,146,146,171,166,250,227,146,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,184,237,253,253,253,247,195,253,221,253,253,245,87,0,0,0,0,0,0,0,0,0,0,4,8,114,195,250,250,211,139,71,32,29,8,32,19,60,139,251,215,17,0,0,0,0,0,0,0,0,107,226,253,253,221,114,39,0,0,0,0,0,0,0,0,0,0,184,253,102,0,0,0,0,0,0,0,0,255,229,170,65,17,0,0,0,0,0,0,0,0,0,0,0,0,60,253,145,0,0,0,0,0,0,0,0,73,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,208,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,22,22,18,0,0,0,0,0,62,251,227,37,0,0,0,0,0,0,0,0,0,0,0,0,0,20,111,184,253,253,235,168,113,46,0,0,136,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,253,235,156,156,218,253,253,242,164,110,238,214,3,0,0,0,0,0,0,0,0,0,0,0,0,3,202,245,171,8,0,0,7,96,128,233,253,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,99,0,0,0,0,0,0,0,88,253,253,253,221,31,0,0,0,0,0,0,0,0,0,0,0,0,114,253,65,0,0,0,0,0,38,113,239,253,198,221,253,216,31,0,0,0,0,0,0,0,0,0,0,0,101,253,215,44,33,33,40,141,182,253,232,46,3,31,203,253,250,156,0,0,0,0,0,0,0,0,0,0,4,195,253,253,253,253,253,238,183,174,26,0,0,0,0,189,253,253,0,0,0,0,0,0,0,0,0,0,0,7,72,145,145,145,46,30,0,0,0,0,0,0,0,5,114,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,223,243,122,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,247,249,253,247,210,53,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,28,46,183,253,253,253,180,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,105,249,253,253,208,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,221,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,228,253,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,186,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,144,61,137,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,144,234,253,253,253,253,253,250,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,196,253,253,230,250,253,253,253,234,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,243,254,236,166,28,202,254,253,253,254,240,130,3,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,253,208,24,93,204,253,253,206,238,253,253,253,178,24,0,0,0,0,0,0,0,0,0,0,0,0,200,253,245,40,104,235,253,248,142,10,18,142,248,253,254,240,90,9,0,0,0,0,0,0,0,0,0,0,255,253,172,181,253,253,223,99,0,0,0,0,100,224,254,253,254,206,43,0,0,0,0,0,0,0,0,0,237,253,253,254,253,162,34,0,0,0,0,0,0,34,162,253,254,254,248,148,0,0,0,0,0,0,0,0,116,253,253,167,86,6,0,0,0,0,0,0,0,0,6,54,146,228,236,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,192,199,116,94,177,213,94,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,250,254,254,254,245,216,254,246,230,74,0,5,103,11,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,156,124,163,75,64,104,47,130,148,0,39,254,91,0,0,0,0,0,0,0,0,0,0,0,0,21,252,240,29,0,0,0,0,0,0,1,104,181,251,218,91,0,0,0,0,0,0,0,0,0,0,0,0,92,254,242,43,0,0,0,0,0,0,0,107,254,236,96,14,0,0,0,0,0,0,0,0,0,0,0,0,26,252,254,197,36,0,0,0,0,56,146,213,230,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,232,254,209,29,0,0,0,98,254,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,228,49,20,104,241,174,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,137,254,254,254,254,254,199,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,254,254,254,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,199,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,244,48,205,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,191,49,0,68,148,221,226,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,171,201,0,0,0,0,173,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,150,0,0,0,3,113,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,109,5,0,0,17,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,248,164,73,113,254,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,241,254,254,242,254,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,158,122,226,176,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,147,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,252,252,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,211,0,0,0,0,124,167,158,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,107,0,0,0,0,255,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,71,0,0,0,0,253,252,210,224,252,217,48,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,45,0,0,0,0,253,252,126,67,249,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,71,0,0,0,0,156,252,152,0,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,39,252,252,194,0,0,0,0,7,156,249,185,228,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,81,0,0,0,0,36,224,253,253,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,231,137,28,0,0,0,162,252,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,245,252,252,239,232,128,206,251,252,252,170,120,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,184,252,252,252,253,252,252,236,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,95,147,147,253,217,94,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,26,0,0,70,70,145,195,221,254,254,254,255,82,0,0,0,0,0,0,0,0,0,0,0,43,247,230,231,239,230,230,254,253,253,236,207,190,115,165,254,115,0,0,0,0,0,0,0,0,0,0,0,26,181,253,247,230,154,137,138,137,62,29,0,0,0,134,254,115,0,0,0,0,0,0,0,0,0,0,0,0,7,169,184,0,0,0,0,0,0,0,0,0,17,234,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,0,0,0,0,0,0,0,0,0,24,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,232,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,13,9,153,253,240,116,57,57,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,68,119,222,221,209,254,253,253,253,254,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,222,235,254,224,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,81,23,23,17,197,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,228,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,168,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,216,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,157,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,236,38,0,0,0,20,241,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,199,24,0,0,71,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,235,0,0,0,71,253,205,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,235,0,0,0,104,250,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,162,0,0,0,104,250,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,178,0,0,0,139,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,148,0,0,6,194,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,151,9,40,206,253,253,220,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,253,254,253,253,204,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,254,255,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,134,183,149,96,175,228,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,232,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,244,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,190,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,58,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,161,174,251,247,244,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,230,253,253,199,170,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,251,167,45,13,5,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,236,253,167,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,167,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,249,253,45,0,0,0,0,0,0,0,0,0,21,177,135,126,32,0,0,0,0,0,0,0,0,0,0,157,253,253,19,0,0,0,0,0,0,0,0,0,131,233,253,253,214,30,0,0,0,0,0,0,0,0,0,187,226,250,19,0,0,0,0,0,0,0,0,41,189,253,247,131,253,117,0,0,0,0,0,0,0,0,0,255,220,250,19,0,0,0,0,0,0,0,38,232,253,253,133,16,231,212,26,0,0,0,0,0,0,0,0,141,252,253,42,0,0,0,0,0,0,11,66,253,253,207,30,0,143,253,123,0,0,0,0,0,0,0,0,0,210,251,165,25,0,0,0,0,0,20,143,253,159,30,0,11,200,253,143,0,0,0,0,0,0,0,0,0,0,225,253,218,49,22,0,0,0,0,53,253,219,12,0,0,143,253,236,0,0,0,0,0,0,0,0,0,0,43,228,253,253,221,156,156,156,156,176,253,253,191,156,156,198,253,123,0,0,0,0,0,0,0,0,0,0,0,43,153,251,253,253,253,253,253,253,253,253,253,253,253,199,230,51,0,0,0,0,0,0,0,0,0,0,0,0,0,97,153,240,240,240,240,146,200,240,156,177,120,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,217,232,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,223,253,254,254,253,135,219,197,150,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,177,248,254,249,229,229,252,254,254,254,254,229,165,82,0,0,0,0,0,0,0,0,0,0,0,0,21,208,254,254,224,97,0,0,86,237,254,254,254,254,254,252,121,87,54,0,0,0,0,0,0,0,0,14,221,254,254,199,33,0,0,0,0,8,38,157,201,236,254,254,254,254,250,0,0,0,0,0,0,0,0,107,254,254,162,7,0,0,0,0,0,0,0,0,0,29,108,249,254,238,138,0,0,0,0,0,0,0,0,226,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,99,254,231,20,0,0,0,0,0,0,0,0,255,254,149,1,0,0,0,0,0,0,0,0,0,0,0,0,3,184,254,62,0,0,0,0,0,0,0,0,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,62,0,0,0,0,0,0,0,0,225,254,190,2,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,128,0,0,0,0,0,0,0,0,106,254,254,83,7,0,0,0,0,0,0,0,0,0,0,0,20,206,254,69,0,0,0,0,0,0,0,0,37,236,254,254,164,37,4,0,0,0,0,0,0,0,0,2,107,254,240,36,0,0,0,0,0,0,0,0,0,54,235,254,254,254,203,125,73,32,0,0,0,0,21,136,254,254,193,0,0,0,0,0,0,0,0,0,0,0,18,176,248,254,254,254,254,240,225,134,134,174,237,254,254,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,49,127,209,251,254,254,254,254,254,254,254,253,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,91,181,186,186,186,186,186,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,179,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,108,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,176,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,237,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,202,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,222,247,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,183,254,204,0,0,0,0,47,96,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,236,46,0,0,0,0,145,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,241,254,117,0,0,0,0,99,249,254,180,2,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,151,0,24,48,15,106,223,254,254,241,194,146,13,0,0,0,0,0,0,0,0,0,0,0,2,75,251,254,178,192,231,246,225,254,254,254,254,254,254,246,52,0,0,0,0,0,0,0,0,0,0,0,48,254,254,254,254,254,254,199,254,254,254,248,153,177,110,37,0,0,0,0,0,0,0,0,0,0,0,7,212,254,254,236,120,30,30,7,141,254,248,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,170,21,0,0,0,6,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,248,255,161,12,0,0,0,0,112,254,227,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,201,254,239,20,0,0,0,0,0,170,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,243,75,0,0,0,0,0,0,44,10,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,161,195,229,195,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,181,249,253,224,206,164,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,237,253,225,104,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,151,254,236,29,0,0,0,0,0,0,0,85,184,68,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,210,9,0,0,0,0,0,0,0,0,24,254,255,48,0,0,0,0,0,0,0,0,0,0,0,26,224,253,84,0,0,0,0,0,0,0,0,0,3,140,254,165,0,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,17,254,244,38,0,0,0,0,0,0,0,0,0,0,47,253,253,68,0,0,0,0,0,0,0,0,0,0,0,220,253,46,0,0,0,0,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,162,254,46,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,245,253,46,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,254,253,46,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,254,236,29,0,0,0,0,0,0,0,0,0,0,0,183,254,151,0,0,0,0,0,0,0,0,0,7,170,254,148,0,0,0,0,0,0,0,0,0,0,0,0,99,253,248,21,0,0,0,0,0,0,0,0,40,253,254,31,0,0,0,0,0,0,0,0,0,0,0,0,5,146,254,31,0,0,0,0,0,0,0,22,212,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,198,17,0,0,0,0,0,0,147,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,245,69,0,0,0,0,153,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,244,211,47,47,89,172,254,253,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,197,161,245,253,253,247,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,94,194,228,128,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,115,241,254,255,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,237,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,200,96,73,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,246,253,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,230,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,235,60,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,227,253,253,253,181,116,42,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,87,194,236,253,253,253,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,200,253,253,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,41,190,253,249,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,248,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,113,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,253,246,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,45,84,174,245,253,211,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,222,237,253,253,216,101,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,201,234,135,44,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,18,134,145,179,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,118,145,187,253,253,254,253,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,180,253,253,253,238,252,254,250,240,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,253,239,205,158,48,81,85,76,100,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,242,164,52,0,0,0,0,0,18,226,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,107,0,0,0,0,0,0,45,199,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,85,201,232,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,254,253,253,253,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,233,253,253,254,231,24,126,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,253,137,11,10,0,3,70,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,223,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,32,12,0,0,0,0,0,0,0,0,102,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,225,107,73,42,0,0,0,0,0,82,239,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,233,206,143,97,206,206,240,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,71,235,253,253,253,254,253,253,253,253,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,186,253,253,254,253,253,253,146,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,70,128,254,242,132,52,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,236,131,43,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,221,252,252,253,252,247,163,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,226,233,21,21,83,212,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,218,231,86,0,0,0,85,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,228,253,80,0,0,0,0,50,244,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,212,0,0,0,0,0,0,233,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,131,0,0,0,0,0,0,232,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,97,0,0,0,0,0,0,223,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,145,0,0,0,0,0,0,0,153,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,213,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,152,98,0,32,21,0,148,252,247,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,203,239,252,202,176,223,225,211,236,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,172,0,18,106,153,174,253,255,253,245,148,60,87,11,0,0,0,0,0,0,0,0,0,0,0,15,211,252,84,0,0,29,142,252,252,253,252,252,252,252,253,205,183,80,0,0,0,0,0,0,0,0,0,4,142,252,212,39,128,213,252,252,252,161,21,29,100,109,127,170,116,0,0,0,0,0,0,0,0,0,0,0,28,212,252,252,253,252,252,210,145,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,217,252,253,252,146,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,78,151,177,211,151,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,161,254,254,254,254,254,254,245,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,244,127,89,10,10,106,254,251,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,167,48,0,0,0,0,176,254,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,2,0,0,0,0,102,251,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,255,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,248,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,240,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,239,254,232,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,221,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,236,254,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,211,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,238,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,254,241,100,11,11,118,210,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,169,254,254,254,254,254,175,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,87,253,254,212,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,167,254,254,255,208,208,208,126,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,253,253,253,253,246,156,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,160,252,251,248,248,192,139,183,253,253,183,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,52,0,0,0,29,170,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,232,253,253,253,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,253,253,253,246,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,73,192,253,253,253,216,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,253,253,253,141,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,111,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,211,253,253,253,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,138,201,161,236,191,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,55,230,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,219,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,75,160,7,0,0,0,0,0,0,0,0,64,194,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,222,253,65,0,0,0,0,0,0,6,136,238,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,222,253,109,0,0,0,0,0,0,156,253,253,253,253,212,21,0,0,0,0,0,0,0,0,0,0,0,0,53,197,217,44,33,117,141,164,249,253,253,253,250,147,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,236,253,253,253,253,253,253,253,207,183,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,88,212,216,191,214,168,90,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,28,130,158,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,154,253,253,253,244,241,143,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,109,253,253,240,146,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,154,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,213,249,143,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,162,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,236,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,105,0,0,0,0,0,0,0,0,0,58,69,178,81,5,0,0,0,0,0,0,0,0,0,0,0,13,253,202,0,0,0,0,0,0,0,0,100,244,253,253,253,147,4,0,0,0,0,0,0,0,0,0,0,13,253,236,32,0,0,0,0,0,0,160,244,226,172,172,206,253,12,0,0,0,0,0,0,0,0,0,0,9,215,253,201,0,0,0,0,0,58,244,253,124,0,0,106,253,12,0,0,0,0,0,0,0,0,0,0,0,98,253,234,34,0,0,0,23,197,253,138,7,0,0,106,253,12,0,0,0,0,0,0,0,0,0,0,0,3,161,253,216,34,0,0,63,253,253,49,0,0,0,154,253,12,0,0,0,0,0,0,0,0,0,0,0,0,27,212,253,216,86,0,175,253,253,49,0,0,142,251,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,26,213,253,250,208,216,253,253,139,112,157,251,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,213,253,253,253,253,253,253,253,253,253,95,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,91,129,220,253,156,129,129,129,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,148,192,254,218,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,221,252,182,168,231,247,163,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,242,56,4,0,16,172,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,22,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,22,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,200,7,0,0,39,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,77,0,64,221,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,128,252,244,128,213,251,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,253,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,253,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,213,252,94,63,170,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,189,239,233,56,4,0,43,233,247,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,231,51,0,0,0,0,57,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,124,0,0,0,0,0,13,173,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,230,27,0,0,0,0,0,0,27,167,193,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,225,21,0,0,0,0,0,0,0,106,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,202,119,66,22,39,83,30,162,241,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,200,252,252,252,252,253,252,252,252,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,42,51,147,191,236,147,50,42,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,254,254,254,254,255,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,247,190,100,199,250,249,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,131,0,0,0,150,253,244,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,202,24,0,0,0,29,161,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,230,253,112,0,0,0,0,0,130,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,112,0,0,0,0,149,239,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,112,0,0,0,0,231,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,177,0,0,0,65,243,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,247,233,16,0,13,220,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,205,177,200,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,70,225,253,253,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,41,77,194,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,176,188,230,254,228,167,116,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,222,183,150,127,184,203,254,249,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,139,0,0,0,0,5,39,123,242,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,61,0,0,0,0,0,0,0,201,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,246,68,0,0,0,0,0,0,0,131,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,139,0,0,0,0,0,0,0,174,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,221,37,0,0,0,0,0,24,235,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,148,0,0,0,0,0,53,251,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,182,3,0,0,0,24,190,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,130,0,0,0,123,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,218,25,0,47,249,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,132,163,22,212,170,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,243,191,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,65,140,140,183,254,200,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,234,210,176,167,255,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,164,24,0,0,15,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,242,81,0,0,0,175,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,217,32,0,0,80,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,119,214,64,9,146,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,199,254,197,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,155,179,165,62,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,254,254,237,250,109,64,75,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,254,225,189,189,189,150,189,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,247,243,201,72,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,168,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,243,215,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,244,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,213,90,51,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,228,254,254,254,83,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,206,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,42,139,237,201,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,126,235,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,124,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,48,31,36,127,135,135,135,159,254,254,254,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,164,220,254,254,254,254,254,254,254,254,172,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,175,194,215,215,254,254,254,246,207,47,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,67,194,254,164,194,100,55,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,156,156,156,156,194,217,254,223,156,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,196,248,233,233,233,136,227,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,0,0,0,0,185,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,250,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,255,219,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,50,228,253,249,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,183,253,247,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,255,254,223,66,59,59,104,156,81,156,134,104,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,61,218,233,233,233,196,233,233,198,253,254,236,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,251,253,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,237,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,254,183,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,214,102,244,181,91,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,127,253,253,240,100,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,189,248,246,250,146,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,215,253,155,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,132,184,253,255,184,132,52,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,175,252,252,252,252,253,252,252,252,146,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,225,252,252,252,219,216,236,252,252,252,252,190,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,164,8,0,44,84,84,196,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,106,10,0,0,0,0,0,83,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,48,0,0,0,0,0,0,84,252,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,214,69,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,252,252,239,165,5,0,0,78,241,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,23,209,252,252,172,0,22,243,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,161,252,252,185,242,252,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,248,255,253,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,168,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,89,248,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,141,180,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,136,0,145,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,252,11,44,227,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,164,83,231,252,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,237,251,253,231,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,196,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,200,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,170,86,114,141,170,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,255,255,255,198,198,170,141,114,86,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,255,255,255,255,255,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,226,141,170,141,114,141,114,114,86,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,200,46,0,0,0,0,0,50,234,253,232,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,224,253,176,0,0,0,0,0,62,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,120,0,0,0,0,0,119,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,30,226,253,253,233,19,0,0,0,0,18,222,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,236,56,0,0,0,0,9,191,253,253,194,21,0,0,0,0,0,0,0,0,0,0,0,0,233,250,253,224,54,0,0,0,0,0,16,253,253,253,247,43,0,0,0,0,0,0,0,0,0,0,25,121,251,248,222,147,0,0,0,0,0,0,128,253,253,253,174,13,0,0,0,0,0,0,0,0,0,0,200,253,253,214,0,0,0,0,0,13,131,131,213,253,253,253,145,0,0,0,0,0,0,0,0,0,0,92,248,253,253,250,231,231,231,231,231,233,253,253,253,253,253,253,145,0,0,0,0,0,0,0,0,0,0,92,248,253,253,253,253,253,253,253,253,251,230,230,245,253,253,248,44,0,0,0,0,0,0,0,0,0,0,0,103,201,253,253,253,253,253,253,253,154,0,0,170,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,18,30,30,30,30,30,30,30,9,0,0,170,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,253,249,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,182,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,97,138,233,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,78,161,203,253,252,252,252,231,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,252,252,253,240,183,141,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,210,161,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,221,137,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,232,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,252,186,161,161,47,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,252,252,252,252,253,188,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,203,160,160,160,244,253,252,188,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,32,11,0,0,0,21,33,211,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,53,0,0,0,0,64,193,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,107,17,9,24,202,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,227,194,252,253,252,218,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,253,252,252,252,252,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,119,185,252,252,253,244,176,93,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,22,137,137,168,157,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,123,201,253,253,254,174,96,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,253,252,252,196,168,253,252,252,237,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,124,252,241,152,29,7,0,21,21,170,245,252,154,6,0,0,0,0,0,0,0,0,0,0,0,0,0,92,236,101,35,0,0,0,0,0,0,0,83,242,253,89,0,0,0,0,0,0,0,0,0,0,0,0,36,223,189,0,0,0,0,0,0,0,0,0,0,79,253,203,9,0,0,0,0,0,0,0,0,0,0,0,85,253,145,0,0,0,0,0,0,0,0,0,0,0,237,253,127,0,0,0,0,0,0,0,0,0,0,0,57,168,82,0,0,0,0,0,0,0,0,0,0,0,69,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,244,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,174,253,237,69,22,0,0,0,191,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,213,252,252,253,252,221,99,0,32,237,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,252,185,21,83,126,233,221,30,96,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,212,28,0,0,0,101,252,217,218,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,126,0,0,0,0,4,138,252,253,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,144,0,0,0,0,4,139,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,205,247,163,50,15,121,195,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,251,252,244,237,252,251,205,126,253,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,154,189,190,189,86,0,0,253,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,125,223,229,125,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,255,254,254,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,254,254,254,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,228,254,254,254,254,254,254,235,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,218,254,254,229,59,53,225,254,254,226,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,228,54,0,0,22,181,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,230,254,184,54,0,0,0,0,127,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,237,254,254,45,0,0,0,0,0,7,180,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,254,254,149,9,0,0,0,0,0,0,164,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,183,9,0,0,0,0,0,0,0,164,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,65,0,0,0,0,0,0,0,0,164,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,32,0,0,0,0,0,0,0,29,229,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,32,0,0,0,0,0,0,0,130,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,32,0,0,0,0,0,0,31,227,254,217,35,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,254,117,0,0,0,0,0,24,140,254,233,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,172,27,5,0,7,27,191,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,169,151,177,254,254,254,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,240,254,254,254,254,254,254,254,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,254,254,254,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,254,254,156,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,20,36,87,55,55,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,108,192,218,217,217,230,230,241,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,254,253,253,253,253,254,236,222,106,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,254,253,253,149,129,136,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,255,199,14,129,181,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,185,253,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,238,180,64,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,143,227,254,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,182,197,254,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,205,241,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,22,0,0,0,0,0,59,205,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,108,0,0,0,0,0,3,151,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,192,13,0,0,0,20,146,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,208,163,163,189,254,254,248,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,254,253,193,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,139,197,229,242,204,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,20,39,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,128,128,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,128,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,64,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,48,143,151,103,90,134,130,48,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,206,254,254,254,254,254,254,254,254,205,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,255,254,254,244,233,233,219,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,171,156,67,67,48,28,28,6,254,254,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,70,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,242,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,254,254,119,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,196,254,254,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,210,254,254,246,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,254,254,195,17,74,156,156,156,156,156,156,156,110,20,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,248,142,204,254,254,254,254,254,254,254,254,254,198,59,0,0,0,0,0,0,0,0,0,0,36,253,254,254,254,254,254,254,254,231,213,213,213,213,213,249,254,210,0,0,0,0,0,0,0,0,0,0,37,254,254,254,213,166,164,62,62,27,0,0,0,0,0,140,254,254,0,0,0,0,0,0,0,0,0,0,18,196,223,121,8,0,0,0,0,0,0,0,0,0,0,128,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,254,226,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,14,0,0,9,68,168,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,237,226,117,115,175,254,254,252,150,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,219,254,254,254,254,203,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,150,150,76,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,127,254,163,119,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,95,239,243,233,244,253,185,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,253,152,42,0,42,182,254,209,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,210,247,138,0,0,0,0,83,254,253,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,222,56,0,0,0,0,0,0,178,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,164,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,156,134,32,0,0,0,0,155,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,220,253,254,235,117,9,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,225,78,223,253,253,158,18,0,147,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,71,0,12,187,253,253,200,16,214,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,192,5,0,0,5,126,245,253,218,244,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,175,0,0,0,0,0,106,240,255,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,180,2,0,0,0,0,0,120,254,253,253,202,118,20,5,20,9,0,0,0,0,0,0,0,0,0,0,118,253,79,0,0,0,25,94,235,254,216,199,253,253,254,193,253,87,0,0,0,0,0,0,0,0,0,0,54,196,250,234,235,234,240,253,253,207,25,6,19,95,79,79,87,2,0,0,0,0,0,0,0,0,0,0,0,18,88,253,254,253,253,200,80,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,117,141,255,253,253,203,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,225,252,252,247,196,196,246,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,185,253,252,186,168,50,0,0,225,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,241,65,6,0,0,0,76,249,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,244,125,0,0,0,0,0,0,198,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,240,81,0,0,0,0,0,0,38,234,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,244,81,0,0,0,0,0,0,10,172,224,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,225,0,0,0,0,0,0,0,128,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,242,141,53,16,0,0,0,126,254,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,252,215,157,57,95,243,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,119,168,196,252,253,252,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,28,153,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,244,187,242,116,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,93,38,153,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,233,37,0,29,252,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,29,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,251,75,0,0,41,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,244,82,0,101,216,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,240,197,246,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,91,215,252,252,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,103,155,155,155,155,155,155,75,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,153,239,254,254,254,254,254,254,254,254,203,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,252,189,181,90,90,90,90,90,122,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,146,0,0,0,0,0,0,0,59,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,0,0,0,0,0,0,0,29,220,254,237,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,216,254,240,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,158,251,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,209,253,254,254,254,254,243,240,155,74,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,254,254,254,254,254,254,254,254,254,192,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,105,32,5,5,5,6,105,149,218,254,253,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,159,253,254,182,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,250,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,251,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,210,254,254,0,0,0,0,0,0,0,0,0,0,0,0,54,186,168,36,36,29,29,36,36,63,135,167,246,254,248,140,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,254,242,242,254,254,254,254,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,36,200,209,216,254,254,218,209,209,209,160,110,96,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,55,55,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,112,152,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,223,253,252,253,252,243,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,52,233,254,253,254,253,254,253,254,253,234,30,0,82,132,10,0,0,0,0,0,0,0,0,0,0,21,162,233,252,213,50,50,91,91,131,253,252,253,50,163,243,253,50,0,0,0,0,0,0,0,0,0,0,132,253,254,233,41,0,0,0,0,41,203,203,163,82,254,253,254,151,0,0,0,0,0,0,0,0,0,0,253,252,253,151,0,0,0,0,0,0,0,0,0,0,253,252,253,151,0,0,0,0,0,0,0,0,0,0,193,253,254,112,0,0,0,0,0,0,0,0,0,123,254,253,254,172,0,0,0,0,0,0,0,0,0,0,71,252,253,232,0,0,0,0,0,0,0,0,102,223,253,252,253,252,0,0,0,0,0,0,0,0,0,0,132,253,254,253,234,71,0,0,0,21,51,92,254,253,234,253,254,253,0,0,0,0,0,0,0,0,0,0,31,192,253,252,253,252,203,122,163,223,253,252,172,91,152,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,254,253,254,253,142,102,0,0,152,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,30,91,253,252,253,212,192,111,0,0,0,0,71,252,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,253,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,151,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,30,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,234,255,246,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,173,71,192,214,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,250,142,2,0,12,216,226,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,218,6,0,0,0,59,251,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,242,70,0,0,0,0,159,239,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,206,0,0,0,0,0,174,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,169,0,0,0,0,10,218,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,225,114,0,0,0,0,99,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,96,0,0,0,22,243,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,159,0,0,6,161,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,246,107,30,161,173,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,206,231,149,29,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,71,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,141,141,178,253,255,178,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,243,247,196,196,196,203,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,137,0,0,0,7,100,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,26,206,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,179,10,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,94,243,253,240,159,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,203,252,252,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,138,235,253,254,178,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,184,228,252,252,178,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,187,252,252,247,122,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,228,253,252,231,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,194,253,253,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,122,246,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,240,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,179,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,57,57,57,57,95,169,169,225,252,252,184,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,234,252,252,253,252,252,252,206,168,130,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,165,252,202,140,139,139,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,53,29,123,133,192,133,117,13,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,253,253,253,253,254,253,253,253,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,253,253,254,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,219,237,147,95,84,90,233,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,21,48,0,0,0,0,53,230,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,167,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,236,132,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,193,234,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,192,41,82,193,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,70,0,82,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,183,0,0,203,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,102,0,41,243,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,82,0,132,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,0,82,253,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,213,51,233,254,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,233,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,254,253,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,50,172,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,67,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,217,252,252,92,0,0,0,0,0,5,100,100,147,0,0,0,0,0,0,0,0,0,0,0,0,0,56,242,252,252,233,5,0,0,0,0,56,234,252,252,252,0,0,0,0,0,0,0,0,0,0,0,5,128,234,252,243,163,12,0,0,0,0,37,210,252,252,252,180,0,0,0,0,0,0,0,0,0,0,35,150,252,252,248,88,0,0,0,0,0,142,234,252,252,252,153,31,0,0,0,0,0,0,0,0,2,89,221,252,252,205,78,0,0,0,0,3,146,251,252,252,252,154,6,0,0,0,0,0,0,0,0,0,53,252,252,252,199,22,0,0,0,0,26,99,252,252,252,237,104,0,0,0,0,0,0,0,0,0,0,0,225,252,252,236,23,0,0,0,0,0,177,252,252,252,252,130,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,240,87,0,0,0,0,144,253,252,252,252,156,7,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,253,215,143,143,225,253,255,253,253,253,253,253,253,253,66,0,0,0,0,0,0,0,0,0,25,232,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,193,20,0,0,0,0,0,0,0,0,0,0,60,192,252,252,252,252,252,252,252,253,252,252,252,187,153,148,17,0,0,0,0,0,0,0,0,0,0,0,0,4,20,149,252,252,252,252,252,169,121,29,10,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,252,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,252,252,244,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,199,189,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,186,254,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,232,247,180,181,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,247,121,0,68,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,239,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,222,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,225,0,0,0,20,103,118,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,106,0,13,153,254,253,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,199,3,0,182,185,117,34,91,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,128,14,0,0,153,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,0,0,0,43,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,226,222,18,0,0,0,13,165,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,136,0,0,61,224,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,186,251,234,234,248,254,227,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,103,185,237,155,96,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,0,0,0,51,70,70,112,161,187,254,254,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,91,236,231,230,230,247,254,253,253,253,254,210,211,253,254,73,0,0,0,0,0,0,0,0,0,0,0,0,13,213,254,253,251,230,230,179,137,104,46,4,24,253,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,69,63,0,0,0,0,0,0,0,24,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,255,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,253,247,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,247,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,135,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,155,174,254,254,254,188,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,253,253,253,253,249,69,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,253,253,253,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,253,242,153,133,133,167,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,79,33,0,0,0,70,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,170,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,121,202,246,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,150,194,229,253,253,253,253,254,253,208,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,184,253,253,253,253,253,253,253,253,253,253,180,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,253,253,253,251,221,198,250,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,253,253,253,253,253,216,107,0,0,30,218,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,42,197,253,251,238,140,59,15,0,0,0,0,134,253,229,25,0,0,0,0,0,0,0,0,0,0,0,0,0,55,183,77,0,0,0,0,0,0,0,0,162,253,253,54,0,0,0,0,0,0,0,0,28,82,26,4,0,0,0,0,0,0,0,0,0,7,75,195,251,254,231,28,0,0,0,0,0,0,0,0,38,240,253,189,179,90,54,13,51,48,80,80,126,200,253,253,253,253,177,0,0,0,0,0,0,0,0,0,0,143,253,254,253,253,247,237,246,246,253,254,253,253,254,253,254,241,55,0,0,0,0,0,0,0,0,0,0,3,187,253,253,253,253,253,253,253,253,253,253,253,254,253,192,42,0,0,0,0,0,0,0,0,0,0,0,0,6,185,253,253,253,253,254,253,253,253,253,241,159,109,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,106,153,153,230,253,212,153,109,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,88,7,0,13,203,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,206,250,207,145,203,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,148,217,212,169,240,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,225,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,152,193,71,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,223,122,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,183,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,192,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,172,173,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,172,10,10,91,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,172,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,10,0,0,0,0,172,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,21,0,0,21,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,61,82,223,253,212,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,253,255,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,233,151,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,245,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,252,252,196,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,252,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,243,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,185,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,247,63,27,64,99,72,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,187,0,194,253,252,252,225,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,253,21,0,177,89,0,9,204,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,245,19,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,168,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,168,0,0,0,0,0,62,239,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,255,218,12,0,0,0,15,237,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,56,0,0,32,211,252,252,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,252,233,57,66,192,252,252,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,252,252,252,253,252,194,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,208,252,147,68,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,121,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,233,138,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,236,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,251,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,242,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,22,0,11,130,207,254,254,196,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,191,7,61,200,253,254,253,253,253,237,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,238,162,237,253,166,140,44,44,202,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,250,116,2,0,0,0,133,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,222,73,0,0,0,0,0,205,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,24,132,251,234,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,250,253,185,5,0,0,75,204,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,193,155,155,255,253,236,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,247,253,253,253,254,170,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,210,171,143,81,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,101,101,204,255,124,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,200,200,200,200,237,253,253,253,253,253,121,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,253,253,253,253,253,253,207,26,0,0,0,0,0,0,0,0,0,0,0,0,91,251,253,253,253,253,253,244,160,242,247,203,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,233,74,55,0,54,57,28,192,239,253,207,16,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,151,56,0,0,0,0,0,0,0,162,253,253,99,0,0,0,0,0,0,0,0,0,16,174,253,253,253,122,4,0,0,0,0,0,0,0,0,17,253,253,244,0,0,0,0,0,0,0,0,0,47,253,253,248,137,4,0,0,0,0,0,0,0,0,0,8,253,253,253,0,0,0,0,0,0,0,0,0,127,253,253,134,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,0,0,0,0,0,0,0,0,0,200,253,168,6,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,71,237,253,160,0,0,0,0,0,0,0,0,0,0,0,58,226,253,253,239,0,0,0,0,0,0,0,0,175,253,253,86,0,0,0,0,0,0,0,0,0,0,57,234,253,253,227,51,0,0,0,0,0,0,0,0,254,253,253,7,0,0,0,0,0,0,0,0,0,57,237,253,253,253,63,0,0,0,0,0,0,0,0,0,245,253,253,7,0,0,0,0,0,0,0,0,57,225,253,253,252,172,15,0,0,0,0,0,0,0,0,0,101,253,253,7,0,0,0,0,0,0,11,116,237,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,15,170,253,160,53,0,0,46,62,109,219,253,253,253,225,153,14,0,0,0,0,0,0,0,0,0,0,0,0,45,250,253,239,162,162,228,253,253,253,253,253,248,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,253,253,253,253,253,253,253,223,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,199,229,253,253,253,253,248,124,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,99,99,99,99,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,184,253,253,211,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,252,252,252,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,252,202,97,26,26,217,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,178,252,198,19,0,0,80,178,158,119,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,204,252,209,78,0,0,0,20,8,67,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,60,204,252,222,24,0,0,0,0,0,0,165,252,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,243,108,0,0,0,0,0,0,77,236,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,10,217,252,115,0,0,0,0,0,0,10,217,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,248,62,0,0,0,0,0,6,172,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,185,0,0,0,0,0,64,183,252,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,218,32,0,77,121,121,255,253,253,151,228,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,54,235,252,243,240,247,252,252,146,90,13,79,249,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,158,158,158,158,82,26,0,0,0,81,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,245,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,224,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,214,253,253,253,96,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,253,251,251,251,251,253,244,190,51,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,158,251,253,235,126,126,204,253,251,251,251,173,80,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,251,251,229,66,0,0,19,253,251,251,251,251,242,201,32,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,59,0,0,0,0,253,251,251,251,251,253,251,204,19,0,0,0,0,0,0,0,0,0,0,191,253,253,95,0,0,0,0,0,0,0,0,40,218,255,253,253,91,0,0,0,0,0,0,0,0,0,72,236,251,251,94,0,0,0,0,0,0,0,0,0,39,233,251,251,188,0,0,0,0,0,0,0,0,0,96,251,251,251,94,0,0,0,0,0,0,0,0,0,0,96,251,251,188,0,0,0,0,0,0,0,0,0,96,251,251,251,94,0,0,0,0,0,0,0,0,0,0,96,251,251,148,0,0,0,0,0,0,0,0,0,96,251,251,251,94,0,0,0,0,0,0,0,0,0,0,96,251,251,31,0,0,0,0,0,0,0,0,0,0,191,253,253,95,0,0,0,0,0,0,0,0,0,0,155,253,205,19,0,0,0,0,0,0,0,0,0,0,71,251,251,212,0,0,0,0,0,0,0,0,0,0,253,251,126,0,0,0,0,0,0,0,0,0,0,0,16,188,251,251,80,0,0,0,0,0,0,0,0,0,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,242,55,0,0,0,0,0,0,0,0,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,48,232,251,253,181,79,0,0,0,0,0,0,100,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,40,218,255,253,253,91,0,0,0,0,64,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,233,251,251,236,190,32,32,112,205,251,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,220,251,251,251,253,251,251,251,251,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,188,244,251,253,251,251,235,188,129,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,94,193,212,172,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,248,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,204,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,161,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,248,241,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,255,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,249,227,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,238,229,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,204,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,169,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,202,255,241,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,213,254,254,254,253,181,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,176,23,208,254,201,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,155,2,48,236,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,223,254,40,0,147,254,254,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,224,15,96,236,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,202,95,237,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,242,250,254,254,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,254,211,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,84,220,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,246,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,241,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,184,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,182,254,193,56,146,0,1,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,69,0,0,0,10,254,124,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,243,30,0,0,0,149,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,254,155,0,0,0,38,243,254,250,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,103,0,0,47,218,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,12,7,127,248,254,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,254,162,207,254,254,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,254,254,254,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,228,247,188,136,255,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,0,81,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,240,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,163,248,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,161,208,185,204,83,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,254,248,133,52,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,176,209,247,189,251,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,31,0,33,112,245,199,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,236,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,254,254,208,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,213,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,217,254,254,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,235,254,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,254,254,249,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,254,124,0,0,72,81,133,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,141,253,254,254,254,203,196,235,252,254,255,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,110,254,254,254,254,254,254,254,254,254,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,173,248,254,254,254,254,254,254,254,254,224,209,138,57,6,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,254,254,254,254,253,154,148,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,153,255,215,137,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,208,253,253,253,253,237,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,241,253,253,253,253,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,253,244,226,253,253,253,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,253,119,128,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,253,253,237,248,253,253,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,253,253,253,253,253,206,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,233,253,253,253,253,170,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,105,249,253,253,253,253,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,253,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,116,54,172,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,241,253,209,11,0,85,252,253,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,96,0,0,0,166,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,59,0,0,0,43,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,162,0,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,236,253,226,15,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,208,104,104,162,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,241,253,253,253,253,253,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,207,253,253,253,253,253,226,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,44,145,231,253,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,139,218,209,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,211,252,217,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,39,241,231,37,12,170,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,252,70,0,0,16,221,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,164,0,0,0,64,252,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,216,18,0,0,31,218,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,252,153,0,0,29,213,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,180,7,0,39,213,242,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,252,56,70,169,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,214,239,252,253,252,232,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,255,253,253,225,124,18,199,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,231,201,21,0,0,21,237,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,247,73,0,0,0,8,234,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,231,16,0,0,0,112,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,168,0,0,0,18,216,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,63,0,0,18,210,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,63,0,84,216,253,153,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,236,53,128,246,244,65,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,198,253,252,247,162,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,156,254,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,161,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,227,245,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,198,24,136,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,119,254,253,224,182,18,194,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,254,142,59,253,211,184,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,249,253,163,21,37,253,233,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,253,207,0,0,37,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,253,206,18,0,0,37,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,207,18,0,0,0,37,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,250,34,0,0,0,13,209,255,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,253,168,0,0,0,0,95,253,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,94,0,0,0,8,212,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,204,16,0,0,0,117,253,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,180,0,0,0,30,254,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,180,0,0,84,222,254,200,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,205,86,189,226,253,210,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,226,253,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,206,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,132,231,149,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,248,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,109,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,242,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,253,161,93,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,211,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,244,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,183,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,232,18,0,0,0,32,155,161,125,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,214,0,0,0,0,185,253,254,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,136,0,0,0,70,254,218,218,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,136,0,0,0,118,253,61,29,214,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,136,0,0,0,100,253,62,0,51,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,208,0,0,0,3,169,193,0,112,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,128,8,0,0,43,36,80,236,249,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,244,253,193,112,52,118,183,254,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,226,253,254,253,253,253,159,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,122,151,235,211,103,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,139,174,253,254,253,209,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,252,252,252,182,125,132,237,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,250,231,134,100,4,0,0,232,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,232,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,18,0,0,0,0,0,0,232,252,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,80,0,0,0,0,8,157,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,225,57,0,0,0,78,252,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,236,246,232,232,188,245,252,224,210,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,120,194,252,199,253,196,7,142,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,42,7,86,28,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,116,154,192,254,254,254,254,227,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,253,253,253,253,253,253,253,253,253,249,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,243,188,188,147,89,138,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,125,101,29,0,0,0,0,10,220,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,241,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,212,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,220,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,227,250,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,251,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,250,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,226,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,230,214,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,107,181,181,181,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,211,237,214,141,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,189,132,254,254,247,254,253,220,174,148,157,169,22,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,127,215,254,88,34,129,227,254,254,254,254,254,247,122,0,0,0,0,0,0,0,0,0,0,0,0,19,254,128,114,44,0,0,0,8,92,225,249,254,249,203,140,0,0,0,0,0,0,0,0,0,0,0,0,4,160,249,46,0,0,0,0,0,0,12,39,55,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,141,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,190,244,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,156,125,147,222,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,206,6,13,180,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,87,0,0,46,230,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,167,17,0,0,0,176,233,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,30,0,0,0,93,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,23,0,0,0,66,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,65,0,0,0,128,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,7,0,0,0,0,0,0,33,229,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,195,32,0,0,0,31,62,201,254,241,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,229,159,170,245,254,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,157,240,254,254,254,254,149,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,64,61,33,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,121,191,192,121,170,183,219,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,108,128,249,253,253,254,253,253,253,253,251,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,233,159,169,203,253,254,253,253,253,253,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,66,0,5,19,82,254,253,253,253,232,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,229,254,253,193,73,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,254,75,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,254,122,41,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,254,253,253,132,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,107,241,253,253,253,253,146,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,240,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,166,254,255,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,85,15,0,0,0,0,0,0,0,0,0,30,220,253,167,10,0,0,0,0,0,0,0,0,0,0,0,0,228,178,81,21,0,0,0,0,0,0,0,194,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,48,187,253,66,0,0,0,0,0,29,117,245,253,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,143,95,0,0,0,0,26,138,253,253,203,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,226,153,15,24,112,213,253,253,176,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,194,214,253,255,253,229,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,249,253,253,253,241,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,133,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,74,131,131,116,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,254,254,237,47,0,0,0,0,0,0,0,0,12,13,1,0,0,0,0,0,0,0,0,0,0,237,236,236,236,247,254,156,0,0,0,0,0,0,0,0,224,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,236,48,0,0,0,0,0,0,0,224,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,80,0,0,0,0,0,0,58,243,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,80,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,254,247,67,0,0,0,0,0,0,94,254,254,216,168,25,0,0,0,0,0,0,0,0,0,0,4,131,254,254,126,0,0,0,25,15,50,93,204,254,254,254,254,215,0,0,0,0,0,0,0,0,0,0,19,254,254,236,82,57,57,148,217,202,254,254,254,254,254,254,228,77,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,254,254,254,254,254,254,254,254,254,254,172,37,0,0,0,0,0,0,0,0,0,0,0,5,134,228,254,254,254,254,254,202,186,146,62,132,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,55,55,55,55,55,14,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,227,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,130,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,109,253,253,200,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,253,141,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,114,253,253,253,253,253,140,25,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,105,253,253,211,183,244,253,253,253,253,171,155,46,19,0,0,0,0,0,0,0,0,0,0,0,0,8,213,253,253,248,74,0,93,216,244,253,253,253,253,253,215,107,2,0,0,0,0,0,0,0,0,0,0,13,253,228,194,74,0,0,0,0,66,86,86,128,210,248,253,253,12,0,0,0,0,0,0,0,0,0,0,10,204,85,0,0,0,0,0,0,0,0,0,0,0,223,253,231,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,193,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,244,253,139,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,178,244,253,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,132,253,253,223,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,178,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,245,253,139,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,253,191,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,220,119,179,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,129,220,220,93,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,239,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,225,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,216,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,208,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,241,253,253,0,0,0,0,0,199,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,250,146,0,0,0,4,108,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,146,0,0,0,0,108,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,85,0,0,0,0,170,255,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,253,221,94,38,0,76,117,244,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,255,253,253,253,222,199,247,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,254,244,193,84,162,147,234,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,90,0,0,0,0,85,253,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,80,0,0,0,0,0,86,255,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,27,0,0,0,0,0,0,211,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,191,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,64,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,64,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,64,128,191,255,255,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,64,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,64,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,166,253,253,255,228,104,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,208,96,146,208,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,244,142,13,0,0,38,234,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,125,0,0,0,0,0,59,240,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,190,0,0,0,0,0,0,0,214,229,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,65,0,0,0,0,0,0,0,88,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,28,0,0,0,0,0,0,0,0,165,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,178,0,0,0,0,0,0,0,0,91,246,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,192,66,29,4,0,0,10,128,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,252,253,252,252,178,169,169,197,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,168,253,252,252,252,253,252,252,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,139,228,252,253,227,139,240,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,229,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,252,252,226,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,206,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,255,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,229,190,103,0,0,0,106,249,233,199,198,215,39,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,245,222,241,26,0,8,222,244,49,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,254,121,8,50,0,0,61,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,202,5,0,0,0,0,210,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,254,66,0,0,0,0,0,236,243,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,168,0,0,0,0,0,68,252,197,4,87,204,101,0,0,0,0,0,0,0,0,0,0,0,0,8,210,253,129,0,8,37,37,37,163,253,235,220,253,204,54,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,233,200,211,253,253,253,254,253,244,235,105,20,0,0,0,0,0,0,0,0,0,0,0,0,0,16,149,162,227,254,233,162,162,194,254,233,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,222,253,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,252,252,252,253,228,116,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,252,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,99,193,242,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,114,113,222,253,253,255,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,194,225,240,253,252,252,252,252,253,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,252,253,252,252,252,252,196,70,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,230,208,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,252,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,52,252,253,252,231,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,133,253,252,252,230,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,252,252,205,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,158,252,252,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,147,253,237,113,114,113,113,113,113,114,238,253,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,252,252,253,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,175,239,252,252,253,252,252,252,252,253,252,252,252,252,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,175,242,252,253,252,252,252,252,253,252,252,217,84,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,112,174,252,252,252,252,190,112,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,105,193,106,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,157,230,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,238,253,253,249,238,246,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,120,255,253,253,253,108,0,72,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,107,253,254,253,204,108,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,254,193,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,253,253,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,247,253,253,112,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,253,253,218,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,254,254,103,0,0,0,25,105,106,105,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,14,0,36,211,220,253,253,253,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,1,128,253,253,165,5,39,217,254,253,243,238,251,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,239,63,114,222,253,254,154,47,0,224,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,223,0,239,253,253,118,5,0,107,250,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,227,110,249,248,134,0,8,128,214,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,253,208,0,56,163,253,253,133,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,253,251,239,247,253,194,163,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,229,253,253,253,253,253,253,174,59,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,147,253,253,253,226,104,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,119,195,160,160,150,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,218,174,122,122,202,244,202,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,153,4,0,0,0,0,77,251,211,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,103,224,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,217,252,254,254,233,234,178,95,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,254,114,17,80,163,254,175,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,188,167,14,0,0,0,0,111,255,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,254,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,231,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,103,0,0,0,0,0,0,0,0,0,0,0,0,85,14,0,0,0,0,0,0,0,0,0,0,0,104,254,96,0,0,0,0,0,0,0,0,0,0,0,0,131,203,38,0,0,0,0,0,0,0,0,0,65,240,225,6,0,0,0,0,0,0,0,0,0,0,0,0,7,166,245,161,57,2,0,0,0,0,45,120,243,249,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,175,254,218,217,147,218,217,245,245,173,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,66,156,159,229,230,159,121,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,226,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,213,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,158,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,195,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,236,122,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,253,253,253,198,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,176,253,253,81,217,253,247,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,27,67,207,253,203,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,27,0,104,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,98,0,49,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,251,106,49,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,136,49,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,47,47,47,9,49,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,77,165,230,253,253,210,165,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,253,253,253,253,253,250,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,253,253,253,253,253,253,192,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,136,253,160,234,253,242,72,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,34,4,206,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,192,223,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,218,254,254,223,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,121,254,254,254,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,219,254,254,248,193,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,170,254,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,168,254,254,254,246,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,254,254,254,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,254,245,99,0,14,94,187,187,187,187,187,138,6,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,217,0,48,171,254,254,234,241,254,254,254,147,39,0,0,0,0,0,0,0,0,0,0,0,137,254,254,245,93,0,174,254,254,254,202,96,221,254,254,254,175,4,0,0,0,0,0,0,0,0,0,6,232,254,254,223,0,36,239,254,254,193,76,95,212,254,254,254,254,113,0,0,0,0,0,0,0,0,0,2,157,254,254,120,0,44,254,254,190,41,0,0,36,181,254,254,254,136,0,0,0,0,0,0,0,0,0,0,137,254,254,217,35,90,254,206,10,0,0,0,33,153,254,254,254,136,0,0,0,0,0,0,0,0,0,0,28,254,254,254,235,244,254,198,0,0,30,100,214,254,254,254,254,136,0,0,0,0,0,0,0,0,0,0,8,156,254,254,254,254,254,249,231,231,238,254,254,254,254,255,208,19,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,254,254,254,254,254,254,254,254,254,101,10,0,0,0,0,0,0,0,0,0,0,0,0,1,97,254,254,254,254,254,254,254,196,254,156,136,88,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,82,130,130,130,191,130,97,3,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,254,255,126,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,226,253,253,246,253,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,118,71,211,253,158,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,253,164,5,0,27,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,192,27,0,0,58,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,249,135,0,0,0,140,254,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,250,104,0,0,28,232,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,78,0,0,127,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,129,22,152,246,253,253,247,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,235,226,253,254,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,254,254,255,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,122,135,135,99,171,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,192,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,244,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,205,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,187,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,255,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,180,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,219,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,41,141,141,191,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,57,95,243,253,252,252,252,244,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,204,252,252,252,253,252,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,253,227,228,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,241,255,253,231,125,51,32,229,253,254,228,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,240,43,0,0,82,252,252,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,240,110,85,60,234,252,252,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,252,252,241,252,252,252,253,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,126,231,253,253,254,253,253,253,254,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,84,234,253,252,252,252,253,252,187,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,253,252,252,228,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,52,40,139,190,240,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,247,187,13,0,0,0,226,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,196,0,0,0,0,45,231,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,196,0,0,0,19,215,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,228,253,221,25,0,13,194,252,252,190,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,253,216,141,254,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,252,252,253,252,252,202,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,119,187,252,252,178,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,151,4,78,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,85,0,0,0,0,0,0,0,0,29,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,76,234,252,0,0,0,0,0,0,0,0,60,252,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,95,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,63,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,0,0,29,253,255,206,88,0,0,0,0,0,0,0,0,0,0,0,29,215,252,252,0,0,0,0,0,86,85,194,228,252,253,252,246,75,0,0,0,0,0,0,0,0,0,0,85,252,252,141,0,19,57,73,197,253,252,252,252,252,253,252,208,65,0,0,0,0,0,0,0,0,0,0,178,252,252,205,169,196,252,252,252,253,252,230,227,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,252,252,190,112,25,13,189,253,252,55,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,255,253,165,140,63,0,0,0,0,141,255,253,56,0,0,0,0,0,0,0,0,0,0,0,9,136,167,167,27,27,6,0,0,0,0,0,0,140,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,189,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,185,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,235,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,247,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,248,252,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,221,252,252,91,242,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,219,92,0,242,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,203,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,97,97,114,97,97,79,24,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,189,229,229,229,238,252,252,253,252,252,248,235,245,152,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,252,252,252,252,252,252,253,252,194,252,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,104,130,234,255,145,130,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,101,222,253,253,243,251,243,180,241,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,164,253,240,201,111,28,214,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,218,248,201,28,0,8,158,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,47,218,248,119,0,0,0,150,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,130,0,0,0,0,199,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,207,30,0,0,0,0,199,253,253,206,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,132,236,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,72,236,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,131,22,31,72,235,203,213,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,225,253,253,213,222,236,236,75,199,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,119,179,179,179,119,75,0,199,253,185,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,224,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,246,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,222,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,200,249,168,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,119,130,242,242,242,244,253,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,199,253,253,253,253,168,102,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,105,224,255,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,152,221,227,252,159,186,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,247,226,236,153,0,44,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,94,224,126,0,0,159,254,187,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,216,183,77,131,2,0,46,244,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,105,0,0,0,5,200,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,69,0,0,49,228,254,245,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,209,80,146,235,254,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,254,254,254,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,107,110,110,155,254,181,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,249,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,190,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,175,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,247,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,145,247,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,252,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,221,253,231,221,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,236,54,127,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,107,0,128,253,104,0,0,0,0,0,25,29,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,106,0,206,252,147,0,0,78,155,190,183,203,9,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,9,8,234,252,244,189,232,251,252,252,214,84,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,64,127,252,252,252,253,252,252,210,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,253,252,252,252,252,253,217,138,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,255,253,253,253,218,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,95,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,210,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,122,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,253,253,253,253,255,253,253,253,171,170,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,154,231,252,252,252,252,252,253,252,252,252,253,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,154,215,215,215,215,253,252,252,252,253,252,122,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,232,252,252,191,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,217,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,238,226,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,231,78,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,190,145,20,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,192,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,35,56,221,176,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,217,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,156,73,73,73,73,73,94,217,233,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,232,252,252,252,253,252,246,215,217,174,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,108,190,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,242,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,198,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,253,138,0,0,0,68,188,195,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,235,15,0,0,103,254,199,240,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,92,0,0,155,231,203,29,222,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,209,24,0,0,254,135,0,40,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,135,0,7,152,184,3,0,129,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,99,0,40,253,23,0,31,181,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,39,0,40,171,0,35,224,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,39,0,37,54,13,165,253,227,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,223,136,0,0,61,186,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,230,204,151,248,244,124,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,88,170,177,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,255,253,232,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,134,247,252,252,253,252,252,252,156,52,53,155,73,10,0,0,0,0,0,0,0,0,0,0,0,11,140,221,252,252,252,252,253,231,252,252,253,231,232,252,253,149,11,0,0,0,0,0,0,0,0,0,0,155,252,252,252,252,231,108,108,88,252,252,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,217,252,252,252,118,0,0,0,217,252,252,253,252,252,189,144,237,133,0,0,0,0,0,0,0,0,0,0,175,252,252,35,5,0,0,0,217,252,252,253,231,76,15,0,154,71,0,0,0,0,0,0,0,0,0,0,63,241,252,181,46,0,21,182,242,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,221,144,206,253,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,253,253,253,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,252,252,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,84,156,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,210,0,10,190,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,78,252,222,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,120,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,110,233,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,252,252,222,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,180,252,253,252,246,215,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,253,210,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,250,133,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,236,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,251,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,244,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,242,110,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,255,183,146,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,253,253,253,253,216,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,115,253,253,241,139,181,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,238,103,0,17,146,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,239,253,253,81,0,0,98,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,116,253,253,177,29,0,0,11,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,222,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,167,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,222,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,213,253,205,32,100,200,200,191,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,148,243,253,253,253,253,250,150,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,246,82,253,253,253,253,253,253,253,244,140,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,251,109,156,156,156,156,156,220,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,109,0,0,0,0,0,7,208,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,210,253,217,16,0,0,0,0,0,131,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,103,0,0,0,0,0,141,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,225,253,252,249,180,141,141,141,232,253,245,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,227,253,253,253,253,253,253,253,246,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,145,198,253,253,253,253,165,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,132,234,152,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,253,252,253,252,253,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,254,253,254,253,254,172,234,253,234,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,122,233,252,253,252,253,252,253,91,71,172,253,252,183,20,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,253,244,162,203,162,102,102,183,183,254,253,255,112,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,81,0,0,0,0,0,0,122,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,123,254,253,244,122,0,0,0,0,0,0,0,0,82,223,254,253,102,0,0,0,0,0,0,0,0,0,21,223,253,252,162,0,0,0,0,0,0,0,0,0,0,20,172,252,203,20,0,0,0,0,0,0,0,0,152,253,254,253,163,0,0,0,0,0,0,0,0,0,0,0,21,223,254,50,0,0,0,0,0,0,0,0,152,252,233,192,223,20,0,0,0,0,0,0,0,0,0,0,41,243,253,50,0,0,0,0,0,0,0,0,152,253,203,0,173,71,0,0,0,0,0,0,0,0,0,0,113,253,224,20,0,0,0,0,0,0,0,0,152,252,203,0,10,30,0,0,0,0,0,0,0,0,0,0,233,252,122,0,0,0,0,0,0,0,0,0,152,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,41,243,234,51,0,0,0,0,0,0,0,0,0,0,0,82,254,172,0,0,0,0,0,0,0,0,0,0,0,122,253,232,0,0,0,0,0,0,0,0,0,0,21,223,253,50,0,0,0,0,0,0,0,0,0,0,0,41,234,253,132,31,0,0,0,0,0,0,0,21,132,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,232,142,102,102,102,0,41,102,203,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,253,254,253,254,253,254,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,151,192,233,151,151,151,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,255,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,12,0,0,0,113,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,222,57,0,0,0,196,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,238,206,0,0,0,29,251,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,200,254,184,0,0,0,31,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,245,254,121,0,0,0,20,235,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,242,35,0,0,0,31,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,251,254,79,0,0,0,43,164,254,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,240,254,254,56,48,122,206,247,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,241,254,254,254,254,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,254,254,254,254,254,234,246,254,254,217,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,251,230,223,144,60,24,207,254,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,17,6,0,0,18,228,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,223,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,243,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,217,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,254,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,240,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,175,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,191,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,148,251,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,232,255,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,251,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,201,71,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,36,132,225,253,253,253,253,255,253,253,230,132,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,252,252,232,228,228,228,229,228,231,252,252,221,28,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,226,124,18,0,0,0,0,0,14,119,242,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,52,84,24,0,0,0,0,0,0,0,0,56,229,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,252,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,158,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,238,75,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,231,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,252,252,250,154,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,121,138,249,253,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,211,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,212,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,61,3,0,0,0,0,0,193,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,252,104,0,0,0,0,18,210,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,230,0,0,0,0,101,252,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,154,97,97,177,242,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,242,252,253,252,252,252,252,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,189,253,252,252,229,103,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,255,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,136,248,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,178,254,247,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,177,254,228,28,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,189,254,147,26,10,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,19,118,235,237,129,0,0,10,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,182,11,0,0,0,3,194,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,197,130,7,0,0,0,0,10,251,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,255,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,194,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,122,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,217,198,198,198,138,95,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,74,218,250,254,255,254,254,254,254,249,181,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,67,70,171,171,253,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,20,145,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,212,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,174,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,193,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,246,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,250,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,151,0,0,0,0,0,0,88,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,179,0,0,0,0,0,48,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,249,0,0,0,0,3,172,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,249,11,0,0,0,96,254,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,248,113,0,0,13,177,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,212,104,18,160,255,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,132,254,214,241,254,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,116,159,233,255,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,240,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,34,34,144,173,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,190,253,253,254,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,253,166,154,223,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,162,10,2,0,177,253,233,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,136,0,0,0,177,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,246,185,0,0,0,138,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,250,117,2,0,67,253,233,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,167,45,100,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,253,253,255,253,253,238,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,115,143,206,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,245,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,198,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,170,114,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,29,0,0,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,29,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,86,0,86,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,226,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,170,57,29,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,57,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,57,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,0,0,29,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,29,0,0,0,0,0,170,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,57,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,170,226,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,198,114,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,175,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,253,200,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,247,252,252,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,252,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,241,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,179,192,141,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,82,234,252,253,252,252,178,169,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,252,253,252,252,252,253,252,209,147,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,202,140,165,252,151,103,252,252,252,226,38,0,0,0,0,0,0,0,0,0,0,0,0,60,241,255,247,137,13,0,0,0,0,0,26,113,238,254,228,31,0,0,0,0,0,0,0,0,0,0,38,234,252,253,171,0,0,0,0,0,0,0,0,0,125,253,252,130,0,0,0,0,0,0,0,0,0,0,57,252,252,194,19,0,0,0,0,0,0,0,0,0,0,253,252,196,10,0,0,0,0,0,0,0,0,13,194,252,252,113,0,0,0,0,0,0,0,0,0,0,0,153,252,214,15,0,0,0,0,0,0,0,0,92,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,141,253,206,13,0,0,0,0,0,0,0,0,141,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,141,252,224,19,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,28,0,0,0,0,0,0,0,0,141,253,253,28,0,0,0,0,0,0,0,0,0,0,0,76,254,253,168,0,0,0,0,0,0,0,0,0,141,252,252,53,0,0,0,0,0,0,0,0,0,0,45,231,253,252,142,0,0,0,0,0,0,0,0,0,104,252,252,139,0,0,0,0,0,0,0,0,10,110,240,252,253,170,13,0,0,0,0,0,0,0,0,0,16,165,252,240,51,0,0,0,0,0,0,101,229,252,252,252,128,9,0,0,0,0,0,0,0,0,0,0,0,26,223,253,254,228,141,141,92,141,141,241,254,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,253,252,252,252,253,252,252,252,253,214,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,128,252,252,252,253,252,252,177,106,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,190,240,241,139,139,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,145,255,254,255,254,254,160,130,30,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,205,253,253,253,253,253,253,253,253,253,213,31,8,0,0,0,0,0,0,0,0,0,0,0,0,13,148,253,253,227,111,135,253,253,253,206,208,250,253,253,161,11,0,0,0,0,0,0,0,0,0,0,0,115,165,105,105,41,0,117,253,253,217,26,0,125,237,253,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,220,253,246,108,0,0,0,34,216,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,175,253,253,119,0,0,0,0,0,34,216,253,213,8,0,0,0,0,0,0,0,0,0,0,0,0,5,172,253,253,245,61,0,0,0,0,0,0,100,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,245,104,0,0,0,0,0,0,0,80,249,253,97,0,0,0,0,0,0,0,0,0,0,0,5,136,253,253,182,0,0,0,0,0,0,0,0,0,202,253,135,0,0,0,0,0,0,0,0,0,0,0,111,253,253,226,23,0,0,0,0,0,0,0,0,0,106,253,222,4,0,0,0,0,0,0,0,0,0,0,143,253,253,122,0,0,0,0,0,0,0,0,0,0,139,253,253,5,0,0,0,0,0,0,0,0,0,47,229,253,229,20,0,0,0,0,0,0,0,0,0,0,230,253,253,5,0,0,0,0,0,0,0,0,2,174,253,253,123,0,0,0,0,0,0,0,0,0,0,81,249,253,253,5,0,0,0,0,0,0,0,0,7,253,253,245,65,0,0,0,0,0,0,0,0,0,0,142,253,253,155,1,0,0,0,0,0,0,0,0,7,253,253,228,0,0,0,0,0,0,0,0,0,0,126,249,253,253,90,0,0,0,0,0,0,0,0,0,7,253,253,228,0,0,0,0,0,0,0,0,32,203,249,253,253,107,2,0,0,0,0,0,0,0,0,0,7,253,253,239,106,106,54,34,0,26,106,142,237,253,253,253,107,2,0,0,0,0,0,0,0,0,0,0,4,202,253,253,253,253,245,241,236,240,253,253,253,253,253,209,14,0,0,0,0,0,0,0,0,0,0,0,0,13,202,253,253,253,253,253,253,253,253,253,253,155,90,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,141,177,208,253,253,253,223,129,93,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,240,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,216,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,255,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,239,253,194,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,223,161,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,247,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,199,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,224,254,254,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,183,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,221,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,118,239,255,195,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,208,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,238,143,89,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,212,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,248,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,244,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,210,254,218,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,254,190,0,60,61,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,232,215,253,253,221,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,200,144,212,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,245,41,7,35,217,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,168,0,0,149,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,214,8,14,203,254,184,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,64,190,254,214,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,213,254,250,254,227,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,198,153,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,22,148,254,255,254,254,254,254,154,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,251,243,253,247,250,251,253,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,208,227,111,92,22,111,57,81,87,226,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,105,41,0,0,0,0,0,0,0,205,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,237,168,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,207,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,239,233,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,239,233,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,201,234,60,0,0,0,0,0,0,40,160,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,204,0,0,0,83,54,106,212,239,209,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,247,253,250,236,236,236,249,245,253,253,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,253,253,253,253,253,213,135,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,129,211,229,129,129,129,32,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,208,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,234,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,216,255,254,255,255,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,159,248,253,253,214,177,239,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,187,253,253,227,101,16,0,110,253,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,253,225,37,0,0,0,0,244,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,183,253,253,226,42,0,0,0,0,0,244,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,175,43,0,0,0,0,8,11,198,144,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,243,0,0,0,11,49,150,221,253,253,160,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,251,174,87,186,207,253,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,253,253,253,253,253,253,238,165,230,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,96,199,222,199,176,92,6,13,216,253,240,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,0,0,100,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,230,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,188,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,255,255,255,255,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,128,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,0,64,191,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,128,0,64,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,128,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,120,146,72,0,0,0,0,0,0,0,245,255,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,240,43,0,0,0,0,0,0,244,253,225,4,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,59,0,0,0,0,0,0,244,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,59,0,0,0,0,0,0,244,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,59,0,0,0,0,0,0,244,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,251,57,0,0,0,0,0,0,244,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,205,0,0,0,0,0,0,0,244,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,122,0,0,0,0,0,0,0,244,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,5,245,253,253,107,17,116,125,79,125,125,125,248,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,253,253,253,253,253,253,253,253,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,253,220,201,161,161,250,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,229,124,87,16,16,10,7,0,92,253,253,156,7,0,0,0,0,0,0,0,0,0,0,0,0,2,86,86,9,0,0,0,0,0,0,0,56,249,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,253,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,245,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,212,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,180,0,0,86,85,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,253,252,195,0,111,253,252,252,215,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,252,253,242,96,0,126,253,252,252,252,252,170,113,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,167,0,0,0,112,158,252,252,252,253,214,31,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,255,168,0,0,0,0,0,0,0,79,255,253,222,38,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,121,0,0,0,0,0,0,0,0,253,252,252,84,0,0,0,0,0,0,0,0,0,0,194,252,252,252,133,6,0,0,0,0,0,0,0,0,143,252,252,193,0,0,0,0,0,0,0,0,0,0,225,252,252,252,0,0,0,0,0,0,0,0,0,0,38,139,252,242,75,0,0,0,0,0,0,0,0,63,240,252,252,173,0,0,0,0,0,0,0,0,0,0,0,85,252,252,112,0,0,0,0,0,0,0,0,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,0,0,253,252,233,56,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,19,209,252,252,0,0,0,0,0,0,0,0,237,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,249,145,0,0,0,0,0,0,0,0,113,252,227,47,0,0,0,0,0,0,0,0,0,0,0,0,163,252,145,0,0,0,0,0,0,0,0,0,0,226,253,84,0,0,0,0,0,0,0,0,0,0,0,192,238,228,47,0,0,0,0,0,0,0,0,0,0,100,252,218,85,0,0,0,0,0,0,0,0,57,163,253,129,21,0,0,0,0,0,0,0,0,0,0,0,19,177,252,252,198,150,57,57,57,135,104,165,187,252,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,19,177,223,253,252,252,252,252,253,252,252,233,223,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,112,221,157,112,112,112,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,123,216,216,194,214,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,254,249,244,229,254,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,89,0,51,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,193,101,2,0,106,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,125,0,0,0,250,254,213,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,125,22,11,102,230,254,189,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,44,181,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,56,246,248,254,254,254,254,238,240,155,113,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,234,254,254,254,223,81,159,61,38,219,254,254,77,28,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,220,114,30,0,0,0,0,3,95,238,253,149,4,0,0,0,0,0,0,0,0,0,0,0,0,2,50,89,16,0,0,0,0,0,0,0,0,33,188,254,195,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,221,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,137,254,254,133,0,0,0,0,0,0,0,0,0,0,0,6,175,32,14,0,0,0,0,0,0,0,16,135,254,254,169,31,0,0,0,0,0,0,0,0,0,0,0,7,223,224,186,45,0,0,0,89,18,57,204,254,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,254,250,212,161,245,254,247,251,254,254,222,39,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,184,254,254,254,254,254,173,217,209,127,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,57,255,198,255,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,141,29,0,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,57,170,198,170,226,198,114,29,0,0,0,0,0,0,0,0,0,0,0,226,255,57,0,0,0,0,114,226,255,255,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,0,226,255,255,255,255,198,255,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,170,255,0,0,0,198,255,255,141,57,29,29,0,0,29,170,255,198,0,0,0,0,0,0,0,0,0,0,170,255,86,0,86,255,255,86,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,29,226,226,29,170,255,141,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,29,0,0,0,0,0,0,0,114,255,114,29,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,141,170,86,57,141,86,86,198,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,255,255,255,255,255,255,255,255,255,226,57,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,86,141,255,226,141,57,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,69,0,0,0,0,0,13,209,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,38,0,0,0,0,57,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,113,0,0,0,0,57,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,51,0,0,0,0,120,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,0,0,0,0,0,169,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,164,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,214,28,0,0,0,0,26,243,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,168,0,0,0,0,0,92,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,252,93,0,0,0,0,0,166,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,56,0,60,197,197,197,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,252,231,225,241,252,252,252,253,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,238,255,253,253,253,254,253,231,250,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,252,252,234,84,19,150,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,130,168,168,50,0,0,150,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,190,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,80,110,225,254,151,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,225,254,254,254,254,254,95,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,254,254,232,193,209,254,248,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,177,80,17,0,8,81,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,170,9,0,0,0,0,62,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,249,106,0,0,0,0,62,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,250,105,9,0,0,131,248,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,254,254,181,79,128,229,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,251,254,255,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,109,166,112,242,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,249,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,165,171,255,195,141,77,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,240,241,197,180,103,103,71,103,165,219,34,0,0,0,0,0,0,0,0,0,0,0,0,0,7,128,229,254,205,70,4,0,0,0,0,0,25,168,232,52,0,0,0,0,0,0,0,0,0,0,0,0,61,254,224,68,1,0,0,0,0,0,0,0,0,21,217,195,0,0,0,0,0,0,0,0,0,0,0,47,245,228,14,0,0,0,0,0,0,0,0,0,0,0,117,246,34,0,0,0,0,0,0,0,0,0,25,214,240,56,0,0,0,0,0,0,0,0,0,0,0,0,117,254,76,0,0,0,0,0,0,0,0,26,189,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,136,0,0,0,0,0,0,0,0,50,249,205,1,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,164,0,0,0,0,0,0,0,0,77,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,144,0,0,0,0,0,0,0,0,170,221,23,0,0,0,0,0,0,0,0,0,0,0,0,0,22,220,247,36,0,0,0,0,0,0,0,0,181,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,198,0,0,0,0,0,0,0,0,0,197,191,0,0,0,0,0,0,0,0,0,0,0,0,0,4,169,254,114,0,0,0,0,0,0,0,0,0,163,236,21,0,0,0,0,0,0,0,0,0,0,0,0,56,254,242,39,0,0,0,0,0,0,0,0,0,52,250,143,0,0,0,0,0,0,0,0,0,0,0,0,171,254,137,0,0,0,0,0,0,0,0,0,0,0,186,235,72,0,0,0,0,0,0,0,0,0,0,121,253,205,22,0,0,0,0,0,0,0,0,0,0,0,35,170,238,49,0,0,0,0,10,79,0,0,0,156,223,23,0,0,0,0,0,0,0,0,0,0,0,0,0,25,174,230,96,27,0,59,121,222,0,15,101,237,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,145,228,237,205,250,254,110,2,173,254,182,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,62,94,94,138,196,253,152,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,233,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,140,158,32,10,0,0,0,0,0,0,10,18,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,205,154,154,154,154,154,154,206,254,189,43,0,0,0,0,0,0,0,0,0,0,0,0,0,18,171,245,254,254,254,254,254,254,254,254,254,254,254,164,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,115,183,223,254,204,183,183,183,183,191,254,236,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,47,14,0,0,0,0,128,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,243,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,249,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,229,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,226,254,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,255,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,192,254,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,191,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,240,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,255,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,248,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,192,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,242,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,214,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,243,67,0,0,0,0,0,0,13,41,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,238,252,115,0,0,0,0,13,84,160,189,252,232,160,143,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,66,0,0,0,0,128,252,252,252,248,238,248,241,62,0,0,0,0,0,0,0,0,0,0,0,226,252,217,31,0,0,0,0,253,252,252,209,88,0,103,252,106,0,0,0,0,0,0,0,0,0,0,0,228,253,123,0,0,0,0,0,255,253,145,21,0,0,41,253,107,0,0,0,0,0,0,0,0,0,0,0,226,252,53,0,0,0,6,177,253,150,2,0,0,0,41,252,106,0,0,0,0,0,0,0,0,0,0,97,249,252,53,0,0,0,14,252,253,145,0,0,0,0,90,228,11,0,0,0,0,0,0,0,0,0,0,17,230,252,95,0,0,0,14,252,253,145,0,0,0,17,198,225,0,0,0,0,0,0,0,0,0,0,0,0,226,252,185,0,0,0,14,252,253,145,0,0,18,107,252,120,0,0,0,0,0,0,0,0,0,0,0,0,226,252,235,77,0,0,11,227,253,145,0,17,107,252,194,24,0,0,0,0,0,0,0,0,0,0,0,0,121,246,252,235,152,41,41,152,253,218,173,198,252,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,232,252,252,252,252,252,253,252,252,252,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,204,241,252,252,252,253,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,119,119,119,120,119,238,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,0,15,89,158,171,154,208,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,202,176,213,254,205,190,162,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,149,252,230,77,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,206,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,248,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,208,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,195,246,203,84,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,83,218,148,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,152,154,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,155,36,0,0,0,0,122,252,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,58,0,0,13,161,253,254,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,188,249,181,148,248,254,213,57,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,59,135,198,157,88,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,212,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,43,0,0,0,0,0,4,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,175,7,0,0,2,79,245,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,186,133,133,163,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,75,192,247,205,143,78,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,42,0,0,0,0,128,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,83,0,0,0,27,227,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,118,0,0,0,96,240,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,111,0,0,0,202,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,0,0,36,250,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,249,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,242,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,224,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,85,85,147,225,225,225,240,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,197,240,252,252,253,252,252,252,252,253,252,208,173,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,252,252,252,253,252,252,249,145,84,84,19,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,252,252,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,253,252,252,218,85,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,246,252,252,252,229,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,193,227,252,253,224,137,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,192,253,253,237,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,48,0,0,0,0,0,0,0,75,243,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,89,227,74,0,0,0,0,0,0,0,0,97,239,252,252,229,53,0,0,0,0,0,0,0,0,0,0,0,113,252,149,0,0,0,0,0,0,0,0,0,181,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,113,252,227,47,0,0,0,0,0,0,0,0,57,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,63,241,253,225,0,0,0,0,0,0,0,101,144,253,253,255,106,0,0,0,0,0,0,0,0,0,0,0,0,178,252,249,225,226,225,225,146,225,226,249,252,252,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,19,177,252,252,253,252,252,252,252,253,252,252,252,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,103,252,253,252,252,252,252,253,252,252,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,253,252,252,252,252,253,252,141,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,96,155,253,253,253,153,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,190,244,251,253,251,251,251,251,230,170,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,221,251,251,251,253,251,251,251,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,234,251,251,251,251,189,188,188,204,251,253,251,236,27,0,0,0,0,0,0,0,0,0,0,0,0,139,118,253,251,251,113,94,0,0,0,24,193,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,194,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,251,253,251,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,236,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,182,236,251,251,253,184,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,251,193,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,255,253,253,229,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,190,244,251,253,247,220,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,221,251,251,251,253,140,0,0,0,0,96,127,127,48,0,0,0,0,0,0,0,0,0,0,32,64,162,234,251,251,251,251,31,8,0,0,40,124,244,251,251,94,0,0,0,0,0,0,0,0,0,0,127,251,251,253,251,251,211,94,60,138,0,139,217,253,251,251,211,35,0,0,0,0,0,0,0,0,36,214,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,126,0,0,0,0,0,0,0,0,0,0,194,251,251,251,251,253,251,251,251,251,253,251,251,251,251,221,101,31,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,251,251,251,251,253,251,251,219,126,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,251,251,196,188,189,168,31,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,94,173,251,251,95,94,94,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,54,141,141,141,216,253,253,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,82,107,179,252,252,252,253,252,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,252,253,252,252,252,253,252,252,252,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,252,252,252,253,252,252,202,140,115,28,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,255,253,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,252,252,252,231,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,252,252,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,227,139,190,253,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,13,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,253,253,242,216,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,215,252,253,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,153,177,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,234,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,196,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,149,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,162,225,223,120,92,46,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,208,251,211,254,252,253,254,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,249,242,59,39,104,44,107,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,250,241,63,0,0,0,0,51,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,242,81,0,0,0,0,0,71,254,242,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,252,198,1,0,0,0,0,34,183,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,178,94,18,0,11,185,254,165,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,228,253,254,247,182,207,254,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,138,204,254,254,254,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,233,243,226,254,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,239,253,76,124,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,167,243,61,0,0,142,254,245,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,227,214,33,0,0,0,83,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,242,63,0,0,0,0,28,254,251,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,183,0,0,0,0,28,186,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,237,11,0,0,0,0,97,254,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,251,226,0,0,0,0,86,251,243,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,255,179,0,0,0,85,248,213,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,231,248,138,113,216,241,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,234,185,163,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,56,145,83,111,155,253,254,254,254,254,245,186,241,120,2,0,0,0,0,0,0,0,0,0,0,0,33,160,253,253,253,253,250,249,250,253,253,253,253,253,253,250,9,0,0,0,0,0,0,0,0,0,0,7,222,253,234,99,161,133,56,53,54,89,89,89,89,89,89,58,0,0,0,0,0,0,0,0,0,0,0,11,253,236,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,223,232,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,231,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,249,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,238,240,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,69,0,47,13,140,121,159,94,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,220,214,244,175,242,205,248,249,248,113,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,135,123,145,200,36,34,20,51,61,130,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,0,0,0,13,217,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,232,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,91,236,253,221,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,114,218,253,245,132,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,46,118,145,145,164,252,253,251,208,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,153,169,253,194,234,191,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,241,21,0,0,0,0,0,0,67,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,230,179,0,0,0,0,0,0,23,242,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,98,0,0,0,0,0,0,78,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,251,53,0,0,0,0,0,0,138,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,175,0,0,0,0,0,0,0,163,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,228,122,0,0,0,0,0,0,31,253,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,81,0,0,0,0,0,0,73,254,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,52,0,0,0,0,0,13,193,254,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,207,123,102,102,130,171,228,254,183,195,251,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,251,254,254,247,249,245,177,65,8,211,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,63,59,0,18,0,0,0,41,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,201,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,94,159,194,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,170,236,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,104,97,10,101,104,173,254,253,253,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,253,253,253,254,253,253,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,253,253,253,206,123,169,253,253,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,117,130,202,140,60,47,0,3,184,253,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,214,254,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,223,253,241,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,187,253,104,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,141,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,242,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,242,184,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,81,81,244,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,158,200,230,252,253,252,252,252,238,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,252,252,221,198,199,198,128,244,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,233,33,0,0,0,0,213,252,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,252,248,131,0,0,0,0,0,213,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,205,0,0,0,0,0,0,142,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,79,0,0,0,0,0,0,213,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,80,0,0,0,0,0,45,233,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,229,46,0,0,0,0,0,94,252,252,201,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,198,0,0,0,0,0,0,94,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,198,0,0,0,0,0,0,206,252,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,241,63,0,0,0,0,121,247,252,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,79,0,0,0,118,249,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,244,252,107,15,0,92,253,252,252,197,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,193,160,208,253,252,192,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,248,252,252,252,253,183,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,132,252,252,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,227,125,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,47,173,253,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,92,243,248,254,254,185,75,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,181,254,254,254,204,74,4,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,213,254,254,241,101,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,224,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,241,237,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,254,246,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,249,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,251,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,246,109,122,230,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,207,56,0,0,36,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,234,228,24,0,0,0,0,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,161,0,0,0,0,0,254,198,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,92,0,0,0,0,0,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,232,123,0,0,0,0,0,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,131,0,0,0,1,88,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,226,63,27,106,171,254,255,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,254,254,218,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,133,254,254,190,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,132,51,41,21,0,0,0,0,0,0,11,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,243,223,203,203,203,203,183,183,173,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,255,253,254,253,254,253,254,253,254,253,254,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,31,192,213,252,253,252,253,252,253,252,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,0,0,0,0,152,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,255,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,185,232,204,242,218,145,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,58,40,93,243,250,246,208,189,237,249,254,219,46,3,0,0,0,0,0,0,0,0,0,0,0,0,0,98,74,226,255,217,47,26,0,0,0,35,75,222,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,37,101,226,237,48,0,0,0,0,0,0,0,4,178,252,76,0,0,0,0,0,0,0,0,0,0,11,3,127,223,152,75,0,0,0,0,0,0,0,0,0,12,190,176,7,0,0,0,0,0,0,0,0,0,202,209,223,137,100,29,0,31,161,199,118,0,0,0,0,0,38,254,128,0,0,0,0,0,0,0,0,0,137,36,5,0,0,0,16,147,239,245,117,0,0,0,0,0,1,77,215,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,228,254,231,43,0,0,0,0,0,0,50,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,169,16,0,0,0,0,0,0,51,249,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,230,149,0,0,0,0,0,1,135,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,254,220,94,5,0,0,0,26,217,216,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,238,254,254,187,63,28,43,216,254,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,235,254,254,254,246,249,239,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,177,185,241,237,219,81,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,7,98,130,95,146,255,209,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,115,253,253,253,253,253,253,253,253,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,95,213,253,253,253,253,253,253,247,235,251,253,94,0,0,0,0,0,0,0,0,0,0,0,0,8,149,210,253,253,253,241,248,228,228,131,132,0,217,253,148,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,248,90,77,0,0,0,0,0,217,253,148,0,0,0,0,0,0,0,0,0,0,0,0,56,219,250,216,137,77,0,0,0,0,0,0,13,222,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,7,78,0,0,0,0,0,0,0,0,14,176,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,185,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,240,253,154,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,240,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,240,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,240,253,253,188,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,112,241,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,181,253,253,253,253,253,163,115,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,115,242,253,253,253,253,253,253,253,253,242,175,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,253,253,253,253,253,253,253,253,253,253,243,230,62,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,253,253,253,253,218,235,253,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,233,135,48,12,12,12,69,10,118,181,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,13,144,174,47,0,0,0,0,0,0,0,0,100,140,75,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,137,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,208,248,251,253,244,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,112,212,241,250,253,236,142,62,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,105,215,241,253,253,253,178,59,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,238,253,253,253,253,253,150,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,197,253,253,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,217,253,253,253,253,253,244,122,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,227,175,175,195,253,253,245,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,181,181,54,0,0,14,82,233,253,245,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,229,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,247,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,247,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,33,3,0,0,0,0,0,0,38,228,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,199,253,19,0,0,0,0,0,21,146,253,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,19,0,0,0,7,57,230,253,253,216,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,31,14,14,125,177,253,253,243,146,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,253,253,253,253,253,253,248,146,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,123,123,240,253,142,190,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,148,236,148,236,193,148,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,173,253,252,252,252,252,253,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,236,134,56,21,83,168,252,234,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,154,21,0,0,0,0,112,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,150,0,0,0,0,80,242,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,218,92,0,0,210,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,247,190,190,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,56,180,252,252,236,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,224,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,121,104,226,249,140,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,243,35,0,36,162,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,185,245,82,0,0,0,15,224,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,134,0,0,0,0,0,41,232,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,231,51,0,0,0,0,0,0,211,239,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,124,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,230,27,0,0,0,0,0,0,0,107,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,211,0,0,0,0,0,0,0,0,185,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,232,92,22,22,22,22,57,127,197,249,206,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,252,252,252,253,252,252,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,182,252,252,252,253,252,252,226,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,136,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,255,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,113,113,113,191,255,253,143,113,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,252,252,253,252,252,252,158,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,150,227,253,252,252,252,252,253,252,252,252,252,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,242,223,223,145,146,223,223,242,252,253,177,37,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,89,0,0,0,0,0,0,75,189,253,252,133,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,204,15,0,0,0,0,0,0,0,141,255,253,196,0,0,0,0,0,0,0,0,0,0,0,131,252,252,252,94,0,0,0,0,0,0,0,0,94,253,252,214,28,0,0,0,0,0,0,0,0,0,0,225,252,252,220,0,0,0,0,0,0,0,0,0,0,253,252,252,84,0,0,0,0,0,0,0,0,0,0,225,252,252,112,0,0,0,0,0,0,0,0,0,95,253,252,245,74,0,0,0,0,0,0,0,0,0,0,225,252,252,112,0,0,0,0,0,0,0,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,226,253,225,0,0,0,0,0,0,0,0,0,0,141,255,253,196,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,10,178,253,252,195,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,29,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,209,252,242,75,0,0,0,0,0,0,0,38,178,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,85,252,252,189,0,0,0,0,0,0,0,135,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,192,12,0,0,63,114,238,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,252,253,228,225,225,240,253,252,252,252,252,215,33,0,0,0,0,0,0,0,0,0,0,0,0,0,13,155,252,253,252,252,252,252,253,252,252,252,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,161,237,252,252,252,252,253,242,192,84,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,112,221,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,97,0,0,0,0,0,0,0,36,145,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,241,0,0,0,0,0,0,10,182,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,11,214,253,170,41,0,0,0,0,0,0,87,253,249,59,0,0,0,0,0,0,0,0,0,0,0,0,11,178,253,211,7,0,0,0,0,0,0,10,180,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,253,94,0,0,0,0,0,0,10,171,253,185,9,0,0,0,0,0,0,0,0,0,0,0,0,64,248,253,224,45,0,0,0,0,0,0,83,253,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,148,9,0,0,0,0,0,0,7,164,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,90,249,249,84,0,0,0,0,0,0,0,68,253,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,136,0,0,0,0,0,0,3,118,224,233,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,114,0,0,0,0,0,31,169,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,56,0,0,36,79,113,227,255,254,235,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,80,13,113,231,253,226,177,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,244,239,253,225,126,35,109,254,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,200,218,188,63,0,135,245,237,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,91,243,238,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,140,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,203,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,235,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,219,13,34,93,93,101,184,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,254,220,254,255,254,254,228,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,236,215,206,148,98,23,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,47,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,190,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,169,253,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,248,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,140,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,212,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,47,123,206,254,253,206,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,237,253,253,236,205,88,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,202,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,183,12,0,0,38,105,105,167,254,254,254,254,254,254,76,0,0,0,0,0,0,0,0,0,0,0,60,253,253,214,209,209,225,253,253,254,253,253,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,21,186,238,238,249,253,253,250,238,239,238,238,238,251,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,133,133,110,0,0,0,0,0,224,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,191,253,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,246,253,225,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,162,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,254,221,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,255,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,192,18,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,214,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,246,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,207,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,150,0,24,24,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,187,17,0,211,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,252,69,0,0,13,211,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,245,87,13,0,0,160,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,230,0,0,0,53,253,252,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,180,138,233,253,255,218,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,252,252,252,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,252,253,240,101,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,180,252,252,134,98,203,160,185,236,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,85,4,0,11,0,38,232,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,252,135,0,0,0,0,0,0,0,231,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,230,0,0,0,0,0,0,0,0,135,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,199,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,74,0,0,0,0,0,0,0,0,43,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,220,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,137,0,0,0,0,0,0,0,7,160,253,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,211,22,0,0,0,0,5,68,186,252,252,165,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,206,70,70,70,70,191,252,252,195,79,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,244,253,252,252,252,252,253,193,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,137,189,137,137,75,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,47,47,69,150,167,254,254,254,255,184,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,182,160,160,110,84,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,245,172,93,50,54,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,130,21,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,170,0,0,146,166,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,170,12,139,248,252,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,170,112,253,111,145,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,237,249,195,7,39,238,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,239,35,0,0,213,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,188,106,0,0,0,177,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,0,0,0,0,110,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,9,17,224,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,228,40,155,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,160,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,233,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,227,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,141,253,255,253,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,255,253,254,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,196,83,139,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,198,28,0,169,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,196,0,56,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,253,254,253,254,139,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,254,253,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,197,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,254,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,197,251,253,251,253,251,253,138,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,254,253,254,253,254,196,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,251,253,251,253,251,253,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,253,254,253,226,168,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,196,83,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,139,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,229,255,170,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,222,249,253,216,221,248,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,209,253,234,115,0,23,230,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,93,237,253,187,13,0,0,0,197,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,253,253,153,11,0,0,0,35,249,253,190,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,188,14,0,0,0,0,38,253,240,251,131,6,0,0,0,0,0,0,0,0,0,0,0,0,13,188,253,219,14,0,0,0,0,0,26,231,56,137,253,106,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,60,0,0,0,0,0,0,0,77,0,2,131,250,121,0,0,0,0,0,0,0,0,0,0,0,131,253,188,3,0,0,0,0,0,0,0,0,0,0,3,179,244,77,0,0,0,0,0,0,0,0,0,25,211,253,142,0,0,0,0,0,0,0,0,0,0,0,0,54,249,130,0,0,0,0,0,0,0,0,0,25,212,254,206,7,0,0,0,0,0,0,0,0,0,0,0,0,245,190,0,0,0,0,0,0,0,0,0,0,83,253,177,0,0,0,0,0,0,0,0,0,0,0,0,45,249,224,0,0,0,0,0,0,0,0,0,0,9,209,236,53,0,0,0,0,0,0,0,0,0,0,0,85,253,224,0,0,0,0,0,0,0,0,0,0,0,197,253,112,0,0,0,0,0,0,0,0,0,0,0,85,253,224,0,0,0,0,0,0,0,0,0,0,0,180,253,164,0,0,0,0,0,0,0,0,0,0,0,85,253,207,0,0,0,0,0,0,0,0,0,0,0,61,246,244,80,0,0,0,0,0,0,0,0,0,134,222,248,87,0,0,0,0,0,0,0,0,0,0,0,0,78,247,212,25,0,0,0,0,0,0,0,131,239,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,242,184,44,0,0,0,0,0,94,252,232,150,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,223,42,29,29,113,32,209,253,142,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,97,249,253,253,254,253,204,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,147,254,255,254,210,84,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,253,247,218,245,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,237,69,0,100,245,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,230,0,0,0,99,247,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,133,0,0,0,0,95,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,112,0,0,0,0,0,199,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,253,164,0,0,0,0,0,128,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,181,0,0,0,0,0,0,12,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,129,0,0,0,0,0,0,12,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,129,0,0,0,0,0,0,10,229,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,129,0,0,0,0,0,0,0,148,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,173,0,0,0,0,0,0,5,187,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,247,0,0,0,0,0,0,12,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,250,58,0,0,0,0,0,73,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,126,0,0,0,0,0,130,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,230,0,0,0,0,0,208,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,247,99,0,0,0,167,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,253,245,119,45,128,249,205,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,237,253,209,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,95,253,253,253,154,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,255,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,81,235,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,166,146,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,235,253,234,56,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,238,253,251,139,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,251,253,135,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,209,253,253,7,6,156,141,0,26,156,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,102,81,88,253,252,246,247,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,240,253,253,203,251,140,245,229,81,215,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,157,50,0,0,0,106,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,220,253,239,228,128,2,0,0,35,189,241,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,114,0,0,0,0,0,189,253,234,138,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,213,22,0,0,41,153,205,241,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,226,253,203,0,0,82,250,253,253,240,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,215,58,207,241,253,214,131,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,220,253,253,253,253,253,205,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,234,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,192,241,170,108,169,249,241,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,193,245,253,253,253,254,253,253,253,246,179,0,0,0,0,0,0,0,0,0,0,0,0,0,35,81,194,245,253,253,253,253,253,254,253,181,173,237,217,26,0,0,0,0,0,0,0,0,0,0,0,32,146,253,253,253,253,243,186,116,186,124,53,6,0,78,236,217,74,0,0,0,0,0,0,0,0,0,0,220,253,253,253,253,253,114,0,0,0,0,0,0,0,0,159,253,197,23,0,0,0,0,0,0,0,0,0,254,253,253,253,253,216,25,0,0,0,0,0,0,0,0,46,241,253,128,0,0,0,0,0,0,0,0,0,254,196,240,253,246,108,0,0,0,0,0,0,0,0,0,0,90,253,240,0,0,0,0,0,0,0,0,0,254,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,39,248,240,7,0,0,0,0,0,0,0,0,183,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,161,253,120,0,0,0,0,0,0,0,0,0,108,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,161,255,183,0,0,0,0,0,0,0,0,0,6,229,253,186,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,0,0,0,0,0,0,0,0,0,0,108,253,246,109,0,0,0,0,0,0,0,0,0,0,0,161,253,253,0,0,0,0,0,0,0,0,0,0,15,220,253,245,68,0,0,0,0,0,0,0,0,0,0,161,253,253,0,0,0,0,0,0,0,0,0,0,0,87,239,253,217,110,0,0,0,0,0,0,0,0,47,185,253,218,0,0,0,0,0,0,0,0,0,0,0,0,88,239,253,246,187,117,54,26,54,54,54,83,233,253,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,59,177,253,253,253,255,211,253,253,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,93,170,241,255,242,236,253,253,253,249,141,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,68,40,107,107,107,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,199,226,213,205,164,108,112,160,161,87,210,113,62,81,255,254,37,0,0,0,0,0,0,0,0,0,0,177,254,254,254,254,254,254,254,254,254,243,254,217,245,254,254,254,72,0,0,0,0,0,0,0,0,0,0,163,250,244,139,203,150,185,150,185,185,150,185,150,150,235,254,206,9,0,0,0,0,0,0,0,0,0,0,13,50,0,0,0,0,0,0,0,0,0,0,0,15,221,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,189,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,250,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,229,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,100,254,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,177,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,242,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,167,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,159,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,234,206,137,137,62,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,223,220,254,254,184,64,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,83,10,2,94,235,254,254,185,65,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,93,205,254,254,186,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,92,205,254,227,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,126,247,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,237,254,253,161,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,195,217,254,251,164,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,112,181,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,255,247,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,211,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,250,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,115,62,0,37,180,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,207,37,94,238,254,142,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,214,167,254,254,140,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,254,254,231,62,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,188,61,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,128,64,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,191,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,128,128,128,255,191,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,0,0,0,128,64,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,128,128,191,255,128,255,64,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,64,191,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,64,128,255,255,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,128,64,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,64,255,191,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,38,133,211,255,255,254,171,139,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,253,253,253,253,209,99,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,252,105,32,32,32,99,139,193,249,253,228,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,72,0,0,0,0,0,0,0,22,187,232,229,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,229,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,249,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,68,123,47,0,17,49,73,157,206,242,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,251,195,215,253,253,253,153,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,105,156,226,237,243,253,253,253,234,100,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,99,199,219,253,253,218,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,54,126,236,253,217,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,131,247,247,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,218,242,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,210,240,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,16,0,0,0,0,0,0,0,0,0,33,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,59,0,0,0,0,0,0,0,0,0,167,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,213,42,12,0,0,0,13,19,107,185,249,191,17,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,237,253,205,179,179,179,207,221,253,195,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,152,253,253,253,253,253,149,72,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,166,218,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,235,235,254,254,254,251,82,3,98,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,242,254,254,254,254,254,254,89,7,254,238,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,230,76,61,162,70,7,254,254,235,42,0,0,0,0,0,0,0,0,0,0,0,0,0,52,235,254,254,165,47,0,0,0,0,102,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,117,0,0,0,0,2,151,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,254,241,0,0,0,0,0,100,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,247,54,0,0,31,212,253,254,254,254,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,241,168,214,235,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,254,254,254,254,254,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,76,206,253,254,254,245,206,234,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,89,89,72,0,145,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,244,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,244,254,254,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,113,114,113,113,207,253,255,206,113,113,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,225,243,252,253,252,252,252,252,253,252,252,252,237,226,72,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,252,252,253,252,252,252,252,253,233,75,0,0,0,0,0,0,0,0,0,0,0,28,199,252,252,253,252,245,223,223,225,233,252,252,252,253,252,233,56,0,0,0,0,0,0,0,0,0,0,0,25,112,189,112,112,87,0,0,0,38,221,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,252,253,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,231,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,249,252,252,252,240,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,225,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,252,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,252,253,252,252,198,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,252,252,253,252,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,115,242,252,225,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,155,155,157,232,149,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,235,254,254,254,248,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,230,254,254,254,226,34,150,230,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,255,251,59,0,69,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,156,254,175,0,0,5,196,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,224,177,42,254,54,0,0,0,80,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,169,11,178,5,0,0,0,71,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,75,0,6,1,0,0,0,32,238,213,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,194,17,0,0,0,0,0,0,0,188,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,125,0,0,0,0,0,0,0,0,126,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,125,0,0,0,0,0,0,0,0,124,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,62,0,0,0,0,0,0,0,0,49,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,25,0,0,0,0,0,0,0,0,126,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,25,0,0,0,0,0,0,0,0,126,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,74,0,0,0,0,0,0,0,7,177,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,156,0,0,0,0,0,0,0,71,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,240,51,0,0,0,0,0,3,135,251,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,254,233,122,0,0,0,57,139,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,254,253,245,245,206,251,234,182,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,88,170,254,254,254,191,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,108,108,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,116,228,150,45,0,0,0,30,207,253,253,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,100,222,253,253,253,162,0,0,0,194,253,253,253,253,219,0,0,0,0,0,0,0,0,0,0,0,0,100,242,253,253,211,225,253,0,0,0,214,235,88,74,229,243,32,0,0,0,0,0,0,0,0,0,0,49,222,253,242,108,25,120,253,100,0,0,99,225,49,0,161,253,147,0,0,0,0,0,0,0,0,0,18,232,253,207,63,0,0,5,171,134,0,0,0,63,21,0,161,253,253,0,0,0,0,0,0,0,0,0,108,253,253,172,0,0,0,0,134,49,0,0,0,0,0,0,161,253,253,0,0,0,0,0,0,0,0,7,186,253,199,22,0,0,0,0,134,85,1,0,0,0,0,0,153,253,253,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,134,254,13,0,0,0,0,0,98,253,253,0,0,0,0,0,0,0,0,122,254,210,21,0,0,0,0,0,0,134,7,0,0,0,0,0,161,255,255,0,0,0,0,0,0,0,0,248,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,253,253,0,0,0,0,0,0,0,0,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,20,190,253,248,89,0,0,0,0,0,0,0,0,254,253,159,0,0,0,0,0,0,0,0,0,0,0,22,118,253,253,197,0,0,0,0,0,0,0,0,0,148,253,234,88,14,0,0,0,0,0,0,0,25,110,215,253,243,102,22,0,0,0,0,0,0,0,0,0,32,216,253,253,165,54,54,54,54,54,54,181,212,253,253,242,98,0,0,0,0,0,0,0,0,0,0,0,0,91,249,253,253,253,253,253,253,253,255,253,253,240,177,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,135,233,253,253,253,253,253,242,226,107,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,107,107,107,107,107,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,150,249,255,152,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,37,37,122,252,253,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,179,253,253,253,253,253,253,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,208,253,253,253,253,253,253,253,253,253,253,248,44,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,253,253,253,253,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,45,246,253,253,253,224,99,213,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,253,253,232,204,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,253,253,253,253,253,253,253,252,151,224,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,253,253,253,253,253,212,142,64,32,253,253,240,69,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,253,253,253,253,212,11,0,0,32,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,77,243,253,253,234,144,64,4,0,0,0,150,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,62,62,33,0,0,0,0,0,31,244,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,242,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,253,247,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,160,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,244,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,64,59,0,0,11,64,202,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,249,211,211,219,252,252,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,218,253,253,230,211,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,189,11,63,63,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,255,253,253,253,165,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,218,252,252,252,252,243,111,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,21,21,21,65,245,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,212,0,0,0,0,105,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,243,83,0,0,80,227,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,210,30,92,223,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,237,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,182,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,138,139,138,191,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,194,252,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,252,189,184,183,234,160,0,132,163,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,233,252,252,134,4,0,0,90,160,43,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,231,106,4,0,0,0,174,244,188,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,231,42,0,0,0,0,0,81,253,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,51,228,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,206,57,0,26,70,17,228,252,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,13,173,252,253,244,207,224,252,212,252,185,141,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,253,252,252,252,147,137,64,6,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,116,116,74,0,0,0,0,93,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,255,198,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,141,57,0,0,86,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,114,0,0,0,0,0,29,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,141,0,0,0,0,0,0,0,29,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,57,0,0,0,0,0,0,0,57,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,0,0,0,0,0,0,0,57,255,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,57,198,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,57,0,0,29,198,255,226,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,29,114,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,170,57,0,57,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,170,0,0,0,0,29,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,86,0,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,0,0,0,0,0,0,29,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,86,0,0,0,0,0,29,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,57,0,0,0,0,57,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,86,86,170,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,255,170,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,137,137,220,164,137,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,250,254,254,254,254,254,254,197,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,254,254,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,247,254,254,254,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,215,165,251,246,165,228,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,19,0,28,26,0,46,227,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,126,211,254,254,254,246,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,213,254,254,254,254,254,206,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,211,254,254,255,254,255,254,254,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,254,254,254,254,254,254,254,254,244,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,41,61,181,254,255,254,254,254,254,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,59,237,254,254,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,227,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,9,72,44,2,0,0,0,0,0,61,252,255,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,113,21,0,0,37,48,195,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,215,184,184,238,254,254,254,254,254,238,72,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,254,254,254,254,254,254,254,239,72,0,0,0,0,0,0,0,0,0,0,0,0,0,77,144,254,254,254,254,254,254,254,254,254,250,139,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,51,233,254,254,254,254,254,254,254,146,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,109,109,47,191,109,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,233,252,252,252,218,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,211,252,252,252,253,252,252,252,253,231,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,158,143,205,144,143,143,143,191,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,5,0,20,0,0,0,0,15,180,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,52,0,0,0,0,0,42,233,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,252,231,181,181,182,139,58,221,253,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,255,253,253,253,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,253,252,252,252,253,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,217,226,231,252,253,252,180,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,252,252,231,108,0,31,46,190,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,144,104,0,0,0,0,0,0,255,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,222,252,252,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,221,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,170,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,85,155,155,155,193,196,155,155,155,89,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,175,249,254,254,254,254,254,254,254,254,254,254,205,111,9,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,254,254,254,254,254,254,254,254,254,254,158,17,0,0,0,0,0,0,0,0,0,0,0,37,234,252,254,254,240,140,134,56,215,234,234,234,244,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,117,179,89,22,0,0,0,0,0,0,0,57,254,254,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,172,254,254,254,240,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,207,254,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,216,254,254,254,254,200,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,226,254,254,254,254,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,98,253,254,254,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,131,254,254,254,254,254,177,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,171,254,254,254,254,254,150,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,191,254,254,254,254,254,142,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,231,254,254,254,254,239,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,231,254,254,254,235,142,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,241,254,237,37,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,202,185,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,157,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,248,252,253,253,193,253,253,253,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,251,253,253,253,227,43,12,32,142,153,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,170,116,15,0,0,0,0,27,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,93,25,5,0,0,0,0,0,81,231,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,196,253,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,241,253,253,253,249,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,240,253,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,203,253,253,253,246,105,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,239,253,253,253,211,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,206,253,253,243,108,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,239,253,253,215,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,160,202,253,253,253,219,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,22,38,160,245,253,253,253,242,114,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,211,249,253,253,253,253,226,91,0,0,0,0,0,0,17,150,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,67,27,6,0,19,27,114,156,100,246,83,12,0,0,0,0,0,0,0,0,0,0,161,252,253,253,253,253,253,253,173,150,224,253,253,253,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,105,231,245,253,253,253,253,253,253,253,253,253,253,253,253,239,51,0,0,0,0,0,0,0,0,0,0,0,0,0,45,230,247,252,253,253,253,253,253,253,253,253,247,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,123,123,220,159,123,123,123,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,129,213,255,189,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,145,236,254,254,254,254,248,177,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,254,254,254,254,254,254,254,254,207,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,254,243,196,196,228,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,235,67,31,0,8,186,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,70,0,0,0,146,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,239,149,149,191,251,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,254,254,254,254,254,254,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,231,254,254,254,254,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,202,246,254,244,245,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,48,39,206,254,254,246,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,214,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,218,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,192,12,26,113,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,181,200,252,158,147,225,116,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,252,253,252,252,252,252,253,252,252,199,57,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,252,252,252,253,252,252,252,252,153,3,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,190,158,252,252,252,253,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,147,253,240,63,0,0,0,95,140,255,253,253,253,253,255,128,25,0,0,0,0,0,0,0,0,0,0,0,178,252,99,0,0,0,0,0,0,90,167,233,252,252,253,252,199,28,0,0,0,0,0,0,0,0,0,0,117,252,84,0,0,0,0,0,0,0,0,43,71,227,253,252,252,84,0,0,0,0,0,0,0,0,0,76,243,245,74,0,0,0,0,0,0,0,0,0,0,47,237,252,252,99,0,0,0,0,0,0,0,0,0,113,252,195,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,223,0,0,0,0,0,0,0,0,0,114,253,133,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,84,0,0,0,0,0,0,0,0,0,12,27,6,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,220,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,76,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,249,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,70,128,195,237,254,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,216,253,254,227,164,115,237,253,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,249,242,162,80,21,0,0,161,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,202,54,0,0,0,0,0,161,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,93,9,0,0,0,0,0,0,162,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,254,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,199,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,112,161,221,220,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,243,248,223,237,253,253,253,239,97,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,254,189,58,17,95,253,253,253,254,253,173,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,48,0,68,229,253,135,69,220,253,253,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,255,203,170,254,236,118,0,0,0,134,241,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,3,90,220,253,232,173,50,0,0,0,0,0,74,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,46,25,0,0,0,0,0,0,0,5,188,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,195,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,217,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,255,254,255,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,212,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,198,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,202,254,199,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,238,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,243,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,239,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,216,254,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,223,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,152,152,193,152,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,252,253,252,253,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,203,122,102,102,102,142,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,173,252,253,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,233,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,214,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,61,82,203,233,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,255,253,255,213,183,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,233,151,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,15,23,73,151,151,151,237,230,200,151,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,198,204,215,225,254,254,254,254,254,254,254,254,218,31,0,0,0,0,0,0,0,0,0,0,0,0,39,234,254,236,218,218,218,130,114,74,53,10,10,128,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,52,171,41,0,0,0,0,0,0,0,0,0,113,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,249,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,212,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,218,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,233,234,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,57,21,202,254,200,100,59,100,100,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,251,254,254,254,254,253,254,226,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,166,167,254,254,254,187,153,62,62,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,0,1,162,254,118,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,81,0,0,0,0,0,7,73,91,107,172,199,70,0,0,0,0,0,0,0,0,0,0,0,0,3,134,254,237,59,41,99,128,180,235,254,254,254,254,254,232,38,0,0,0,0,0,0,0,0,0,0,0,103,254,254,254,254,254,254,254,254,254,254,254,254,232,176,178,52,0,0,0,0,0,0,0,0,0,0,30,241,254,254,254,254,254,254,253,189,139,128,57,57,8,0,0,0,0,0,0,0,0,0,0,0,0,3,157,254,254,200,113,165,130,51,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,200,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,199,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,250,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,137,218,176,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,178,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,178,232,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,188,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,15,0,0,0,101,236,254,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,190,0,0,100,249,254,239,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,169,185,249,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,232,254,254,254,199,53,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,171,198,158,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,195,195,255,254,211,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,236,115,115,160,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,122,54,0,0,5,197,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,209,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,182,64,23,56,220,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,186,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,108,21,0,0,0,0,0,0,0,0,184,184,0,0,0,0,0,0,0,0,0,0,0,0,0,9,159,254,236,29,0,0,0,0,0,0,0,17,234,118,0,0,0,0,0,0,0,0,0,0,0,0,0,17,210,229,99,0,0,0,0,0,0,0,0,141,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,140,245,188,72,34,0,0,0,0,93,244,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,213,246,241,207,207,140,174,232,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,128,160,202,253,195,111,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,80,98,254,255,193,80,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,240,253,253,253,253,253,253,160,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,246,253,253,253,253,208,191,191,251,243,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,184,113,113,31,0,0,110,113,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,153,251,253,184,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,184,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,113,0,0,0,0,0,0,0,0,0,6,118,202,111,0,0,0,0,0,0,0,0,0,0,0,80,253,253,113,0,0,0,0,0,0,0,0,0,127,253,253,138,0,0,0,0,0,0,0,0,0,0,0,77,249,253,118,2,0,0,0,0,0,0,0,0,228,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,95,0,0,0,0,0,0,0,0,228,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,54,242,253,209,0,0,0,0,0,0,0,99,244,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,246,227,71,71,71,71,241,250,253,253,253,170,17,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,253,253,253,253,253,253,253,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,6,25,177,226,253,253,253,253,253,201,200,200,227,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,122,122,122,122,122,4,0,0,64,231,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,243,253,230,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,230,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,105,105,74,0,0,0,0,0,44,139,156,105,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,239,103,28,0,0,0,227,252,252,252,239,208,129,39,0,0,0,0,0,0,0,0,0,0,0,21,185,244,252,252,205,18,0,0,244,252,252,252,252,252,252,167,4,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,204,28,0,55,203,132,132,238,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,14,73,230,252,252,203,31,0,17,0,0,92,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,238,252,252,208,0,0,0,15,183,252,252,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,244,252,252,80,0,8,189,252,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,186,90,187,252,252,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,253,252,252,252,252,246,207,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,253,252,252,252,120,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,105,123,253,253,253,253,255,253,247,149,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,150,252,252,252,252,252,252,253,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,252,252,243,252,252,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,167,132,55,224,252,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,252,252,118,0,0,193,252,253,199,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,143,248,243,100,2,193,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,140,224,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,226,252,252,252,252,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,207,249,252,252,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,103,191,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,152,233,254,172,152,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,253,252,253,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,183,102,123,203,234,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,0,0,0,0,30,172,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,254,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,203,253,252,253,252,253,252,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,254,253,254,253,244,243,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,172,252,253,252,122,203,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,214,253,254,253,41,102,254,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,253,252,253,130,0,61,253,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,253,254,253,183,0,0,0,234,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,172,252,192,111,20,0,0,0,152,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,101,183,206,124,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,151,238,254,244,206,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,218,254,215,85,0,16,225,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,251,151,27,0,0,14,219,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,159,64,0,0,0,0,8,202,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,25,6,0,0,0,0,0,77,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,224,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,245,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,220,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,197,225,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,145,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,190,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,242,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,237,254,222,81,81,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,127,208,246,254,254,254,254,254,242,186,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,235,254,254,254,221,164,164,164,164,164,154,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,254,254,222,60,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,202,254,152,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,255,205,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,198,252,253,253,254,253,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,245,243,174,248,253,236,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,177,122,13,0,0,131,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,222,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,209,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,73,191,233,170,184,102,32,163,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,147,253,253,253,253,253,254,238,247,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,151,253,241,149,59,135,219,254,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,221,47,0,0,0,0,191,253,253,253,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,206,0,0,0,0,18,212,253,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,206,0,0,0,3,175,254,253,199,173,253,249,103,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,206,0,0,0,161,253,254,195,17,51,247,253,228,6,0,0,0,0,0,0,0,0,0,0,0,0,104,253,251,160,57,168,251,253,193,50,0,0,78,242,253,79,0,0,0,0,0,0,0,0,0,0,0,0,19,202,253,253,253,253,253,197,14,0,0,0,0,72,100,2,0,0,0,0,0,0,0,0,0,0,0,0,0,48,176,253,253,253,162,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,161,221,254,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,241,253,241,123,211,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,153,253,234,205,67,0,108,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,219,38,0,0,0,15,228,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,90,0,0,0,0,0,185,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,190,2,0,0,0,0,13,222,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,109,0,0,0,0,0,66,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,182,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,185,0,0,0,19,153,237,254,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,222,138,138,172,237,253,253,236,207,212,180,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,213,254,253,253,253,254,215,137,54,0,25,129,213,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,94,245,253,219,69,6,0,0,0,0,0,118,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,247,50,0,0,0,0,0,0,0,93,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,230,0,0,0,0,0,0,0,0,93,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,230,0,0,0,0,0,0,0,0,17,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,246,50,0,0,0,0,0,0,0,0,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,220,51,0,0,0,0,0,0,85,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,228,253,248,129,47,13,30,64,180,247,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,205,254,253,253,220,237,253,253,244,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,211,253,253,228,143,69,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,79,154,253,253,253,255,228,141,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,252,227,227,197,234,252,215,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,198,234,252,252,194,56,31,31,0,38,209,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,203,252,214,139,13,0,0,0,0,0,110,139,250,125,0,0,0,0,0,0,0,0,0,0,0,0,89,213,104,253,253,190,0,0,0,0,0,0,10,128,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,252,215,26,0,0,0,7,82,178,171,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,142,171,252,150,0,0,0,29,252,196,133,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,238,38,0,101,79,252,65,66,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,253,253,253,254,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,166,252,252,252,253,214,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,134,222,253,252,224,205,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,252,240,252,253,227,43,13,103,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,226,169,253,241,101,0,0,0,29,253,216,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,225,131,240,115,0,0,0,0,10,84,215,28,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,240,247,178,68,6,0,0,0,0,0,0,159,116,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,252,228,22,0,0,0,0,0,0,0,0,85,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,239,94,7,0,0,0,0,0,0,0,48,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,219,187,149,32,0,0,0,0,0,0,85,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,130,168,181,185,85,47,47,0,0,19,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,140,139,215,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,170,198,255,255,226,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,226,170,170,114,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,170,170,170,170,255,255,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,86,57,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,170,198,255,255,226,170,170,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,170,198,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,18,201,254,98,7,0,0,0,0,0,0,0,0,0,0,0,0,7,75,195,185,222,222,247,222,192,126,165,231,254,254,254,76,0,0,0,0,0,0,0,0,0,0,11,92,202,254,254,201,163,163,127,163,163,178,254,254,254,183,137,33,0,0,0,0,0,0,0,0,0,0,88,254,254,218,31,2,0,0,0,0,0,66,254,254,136,1,0,0,0,0,0,0,0,0,0,0,0,0,207,254,227,35,0,0,0,0,0,0,8,150,254,220,13,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,95,0,0,0,0,0,0,0,78,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,9,1,0,0,0,0,0,0,4,187,254,245,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,211,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,241,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,245,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,208,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,166,205,254,254,255,254,179,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,222,254,253,214,193,128,120,180,250,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,120,15,15,5,0,0,0,0,125,250,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,228,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,158,231,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,236,254,255,247,226,254,188,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,238,253,253,220,69,3,93,228,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,225,98,9,0,0,0,124,243,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,82,0,0,0,0,0,0,40,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,178,2,0,0,0,0,0,0,0,0,0,0,0,0,11,126,0,0,0,0,0,0,0,0,0,0,106,255,67,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,16,0,0,0,0,0,0,0,0,77,235,172,8,0,0,0,0,0,0,0,0,0,0,0,0,0,1,166,218,38,8,0,0,0,11,55,142,245,200,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,213,254,222,194,194,194,236,253,237,160,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,143,200,178,200,170,104,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,193,193,234,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,192,151,71,151,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,102,0,0,0,21,203,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,102,0,0,0,0,20,213,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,163,0,0,0,0,0,92,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,243,40,0,0,0,0,51,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,151,0,0,51,152,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,192,0,0,92,232,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,193,152,254,233,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,224,203,234,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,212,20,0,71,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,183,20,0,0,0,123,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,0,0,0,0,0,0,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,91,0,0,0,0,0,0,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,213,10,0,0,0,0,0,0,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,204,0,0,0,0,0,11,173,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,223,20,0,0,0,41,173,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,213,132,92,173,253,224,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,151,172,252,192,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,164,254,230,219,254,194,157,130,88,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,151,253,253,253,253,253,253,253,253,253,108,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,251,235,235,174,235,201,208,250,253,253,100,8,2,0,0,0,0,0,0,0,0,0,0,0,2,153,253,250,134,0,0,0,0,0,0,132,253,253,212,192,91,0,0,0,0,0,0,0,0,0,0,0,13,253,253,146,0,0,0,0,0,0,0,32,227,253,253,253,210,7,0,0,0,0,0,0,0,0,0,0,92,253,237,36,0,0,0,0,0,0,0,0,150,253,253,253,253,12,0,0,0,0,0,0,0,0,0,0,136,253,233,17,0,0,0,0,0,0,13,84,239,253,253,253,158,4,0,0,0,0,0,0,0,0,0,0,113,253,253,189,26,17,0,0,0,47,197,253,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,217,205,180,180,180,200,253,253,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,4,141,253,253,253,253,253,253,253,236,154,68,222,253,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,5,74,185,185,185,185,185,185,75,0,62,243,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,195,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,172,253,204,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,219,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,145,34,12,185,241,242,241,241,198,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,156,253,214,111,253,253,254,253,253,253,233,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,253,253,253,253,40,39,39,82,237,217,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,155,253,253,253,107,0,0,0,95,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,253,253,64,0,0,0,18,204,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,253,217,9,0,0,0,187,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,254,109,17,0,8,194,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,214,35,147,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,219,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,253,213,180,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,164,172,241,160,32,17,9,206,219,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,179,253,206,103,0,0,0,0,88,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,240,253,126,22,0,0,0,0,0,68,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,232,44,0,0,0,0,0,0,68,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,187,253,119,17,0,0,0,0,0,89,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,184,243,199,91,27,27,27,140,234,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,240,253,255,253,253,253,253,215,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,120,183,253,253,211,120,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,194,255,205,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,253,170,224,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,252,243,218,65,226,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,168,0,120,10,104,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,247,221,17,0,0,0,104,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,147,0,0,0,0,111,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,253,9,0,0,0,13,216,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,171,1,0,0,117,200,253,180,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,240,35,39,157,254,253,253,214,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,183,253,253,253,253,254,190,176,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,95,248,254,170,35,0,80,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,213,7,0,0,5,209,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,58,0,0,0,0,130,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,37,0,0,0,0,138,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,200,3,0,0,0,0,169,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,189,0,0,0,0,1,175,249,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,137,0,0,0,0,76,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,206,9,0,0,93,248,208,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,206,253,221,146,182,235,238,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,253,253,254,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,225,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,160,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,163,254,253,195,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,201,253,254,193,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,253,253,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,158,253,253,192,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,254,254,254,103,0,0,0,0,0,0,0,75,105,6,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,141,3,0,0,0,0,0,29,193,240,253,14,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,251,112,0,0,0,0,0,19,206,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,223,0,0,0,0,0,29,206,253,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,223,0,0,0,0,0,193,253,253,253,200,99,2,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,244,85,0,0,18,181,240,253,253,244,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,190,134,134,205,254,253,253,189,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,243,253,253,253,253,253,255,253,239,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,240,253,253,253,253,254,253,250,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,104,104,104,104,105,192,104,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,218,250,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,246,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,234,254,160,128,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,175,254,117,7,61,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,243,103,2,0,129,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,202,0,0,1,171,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,55,86,86,128,254,244,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,243,254,254,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,159,143,60,174,254,232,202,211,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,96,116,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,120,254,207,19,35,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,50,0,79,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,167,8,0,116,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,250,254,38,0,0,116,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,181,254,198,3,0,30,223,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,242,41,0,0,131,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,214,0,0,112,247,227,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,229,91,189,242,233,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,177,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,188,239,154,56,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,92,254,213,152,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,253,252,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,253,254,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,252,172,50,71,151,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,193,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,151,0,0,0,0,152,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,253,252,203,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,254,253,254,253,254,253,254,172,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,252,253,252,253,252,253,252,243,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,213,82,0,0,82,203,223,254,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,50,10,0,0,0,0,0,20,50,131,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,81,174,255,254,254,184,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,202,253,233,222,186,207,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,207,244,140,18,0,31,230,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,117,0,0,4,171,253,152,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,198,3,0,0,165,253,238,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,239,20,0,4,165,255,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,90,0,0,64,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,12,186,254,173,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,61,170,226,108,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,159,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,245,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,247,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,150,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,112,198,253,253,198,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,48,63,147,250,254,253,214,82,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,187,222,234,253,253,253,253,230,179,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,164,198,174,173,139,163,95,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,97,166,177,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,254,254,254,254,254,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,254,156,101,27,33,167,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,181,3,0,0,9,205,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,86,0,0,0,18,254,254,241,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,214,254,4,0,0,0,85,254,192,249,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,226,3,0,0,0,108,254,85,216,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,4,0,0,0,133,250,2,113,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,25,0,0,30,251,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,94,0,0,48,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,176,10,95,231,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,149,254,214,254,242,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,140,71,44,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,244,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,226,245,116,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,246,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,191,109,109,109,47,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,252,252,233,222,196,73,73,73,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,201,181,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,252,252,252,253,252,252,252,253,252,252,252,144,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,143,143,144,143,159,252,253,252,252,252,206,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,77,253,252,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,253,252,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,222,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,168,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,62,117,67,56,56,56,74,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,210,238,254,254,254,254,254,254,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,254,254,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,192,134,134,134,82,35,74,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,217,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,188,254,254,152,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,237,254,254,180,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,36,127,169,246,254,248,176,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,95,190,221,254,254,254,254,185,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,254,241,209,176,55,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,137,90,55,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,246,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,245,254,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,254,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,244,254,145,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,243,254,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,227,254,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,243,254,235,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,205,254,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,222,25,0,0,10,65,130,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,205,254,94,0,0,41,213,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,248,43,0,27,211,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,178,0,0,200,254,243,153,254,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,66,0,22,235,254,109,130,254,218,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,108,0,164,254,205,29,224,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,165,0,205,254,102,180,254,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,216,253,111,192,254,189,253,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,236,254,254,254,254,239,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,153,211,186,101,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,255,253,253,253,218,121,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,253,252,252,252,252,252,222,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,202,97,26,26,26,131,178,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,82,0,0,0,0,0,9,185,248,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,0,68,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,181,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,229,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,221,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,253,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,223,252,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,222,252,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,123,213,213,213,213,213,213,214,250,252,142,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,219,252,252,252,252,252,252,252,253,252,252,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,188,217,252,252,252,224,199,249,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,252,252,210,252,252,248,205,38,0,76,128,246,154,11,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,232,133,83,0,0,0,0,0,213,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,126,106,28,0,0,0,0,0,0,0,206,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,126,169,169,160,185,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,239,254,255,254,255,254,243,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,254,205,107,215,254,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,254,136,7,0,118,255,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,254,158,3,0,0,66,254,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,224,22,0,0,9,172,255,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,230,254,135,0,0,0,54,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,205,4,0,0,22,223,254,240,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,152,0,0,0,101,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,246,244,34,0,9,131,248,255,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,194,0,8,138,254,254,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,202,54,178,254,249,111,223,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,254,238,128,40,254,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,158,244,240,134,27,0,107,255,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,0,0,0,162,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,244,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,255,254,211,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,73,82,115,123,240,172,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,93,42,17,234,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,229,185,248,220,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,73,0,163,253,177,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,145,0,0,130,251,238,166,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,219,13,0,26,239,162,25,186,215,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,148,0,26,221,199,17,0,0,172,211,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,98,13,214,224,27,0,0,0,13,144,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,128,195,244,51,0,0,0,0,0,5,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,244,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,120,244,253,253,253,254,253,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,212,186,186,224,252,252,236,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,200,17,0,0,25,72,235,252,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,131,0,0,0,0,0,96,251,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,88,101,165,165,118,0,0,0,242,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,252,187,117,0,0,35,246,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,214,9,0,0,0,100,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,249,252,132,0,0,12,174,252,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,232,58,11,171,252,246,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,166,252,238,225,252,209,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,202,253,255,216,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,133,199,252,253,203,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,222,153,253,252,173,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,250,163,36,0,88,246,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,169,0,0,0,0,61,135,67,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,169,0,0,0,0,0,0,242,240,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,251,145,8,0,0,0,0,194,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,249,252,222,154,93,122,154,248,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,222,252,252,253,252,252,252,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,66,142,191,142,142,132,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,191,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,237,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,238,53,0,0,0,0,0,0,0,0,43,45,0,0,0,0,0,0,0,0,0,0,0,0,0,18,195,253,115,0,0,0,0,0,0,0,59,176,249,250,53,0,0,0,0,0,0,0,0,0,0,0,5,168,254,206,0,0,0,0,0,0,1,111,253,242,110,53,13,0,0,0,0,0,0,0,0,0,0,0,53,254,243,65,0,0,0,0,0,11,164,254,249,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,113,0,0,0,0,0,52,208,254,197,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,203,194,1,0,0,0,0,95,253,254,199,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,158,13,0,0,17,162,252,247,152,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,255,254,230,158,134,231,254,247,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,182,227,254,254,254,254,254,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,113,254,254,237,241,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,254,191,1,17,232,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,220,27,0,0,224,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,249,84,0,0,0,224,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,251,237,15,0,0,0,224,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,254,67,0,0,51,250,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,149,9,8,142,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,192,254,212,210,254,216,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,254,254,234,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,253,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,254,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,255,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,244,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,245,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,201,236,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,252,148,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,252,252,174,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,108,0,0,0,0,0,0,0,0,0,0,0,42,73,73,63,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,16,37,140,221,253,252,241,98,0,0,0,0,0,0,0,0,253,252,252,190,0,0,0,0,0,0,0,84,191,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,192,253,253,253,144,0,0,0,0,73,253,253,255,253,237,144,84,156,253,253,0,0,0,0,0,0,0,0,78,242,252,252,237,175,63,0,32,207,252,252,253,231,153,0,32,207,252,252,0,0,0,0,0,0,0,0,0,62,180,252,252,252,241,181,212,252,252,252,253,76,0,21,212,252,252,231,0,0,0,0,0,0,0,0,0,0,16,190,252,252,252,252,253,252,252,252,253,159,144,206,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,63,144,222,253,255,253,253,253,255,253,253,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,119,211,252,252,252,211,252,252,210,119,35,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,71,71,71,31,71,71,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,36,96,198,79,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,202,254,254,254,254,230,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,254,233,142,135,56,155,254,242,157,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,220,247,164,30,0,0,0,5,109,177,254,227,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,102,0,0,0,0,0,0,0,7,73,211,253,183,15,0,0,0,0,0,0,0,0,0,0,0,0,223,159,5,0,0,0,0,0,0,0,0,0,6,179,254,157,0,0,0,0,0,0,0,0,0,0,0,0,255,68,0,0,0,0,0,0,0,0,0,0,0,3,157,232,16,0,0,0,0,0,0,0,0,0,0,0,224,157,4,0,0,0,0,0,0,0,0,0,0,0,107,254,48,0,0,0,0,0,0,0,0,0,0,0,74,224,192,94,4,0,0,0,0,0,0,0,18,111,236,211,13,0,0,0,0,0,0,0,0,0,0,0,0,105,245,254,208,179,123,176,202,202,202,202,234,252,175,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,107,204,254,254,254,254,254,254,254,180,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,146,28,41,151,247,153,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,176,29,0,0,0,226,254,251,151,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,100,2,0,0,0,0,3,80,218,249,252,196,44,0,0,0,0,0,0,0,0,0,0,0,0,0,210,230,12,0,0,0,0,0,0,0,0,36,163,250,238,108,0,0,0,0,0,0,0,0,0,0,0,0,210,131,0,0,0,0,0,0,0,0,0,0,0,78,239,237,45,0,0,0,0,0,0,0,0,0,0,0,210,163,4,0,0,0,0,0,0,0,0,0,0,0,72,254,172,0,0,0,0,0,0,0,0,0,0,0,140,254,64,0,0,0,0,0,0,0,0,0,0,0,75,254,210,0,0,0,0,0,0,0,0,0,0,0,28,235,191,27,0,0,0,0,0,0,0,0,9,148,243,254,151,0,0,0,0,0,0,0,0,0,0,0,0,126,248,219,161,102,43,0,0,51,84,168,244,254,236,151,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,148,218,165,148,113,22,0,80,131,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,237,252,252,252,253,252,212,85,225,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,253,252,233,205,126,127,161,242,252,252,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,243,153,7,0,0,0,0,153,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,252,124,0,0,0,0,0,71,249,252,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,0,0,0,0,0,87,227,253,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,0,36,227,252,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,175,252,110,6,0,6,206,253,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,133,15,190,252,253,169,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,239,127,252,252,218,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,243,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,191,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,226,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,235,51,235,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,232,0,89,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,238,28,0,174,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,212,127,245,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,231,252,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,191,236,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,101,152,254,255,114,208,179,101,101,101,101,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,240,253,253,253,253,253,253,253,253,253,253,253,251,200,167,19,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,3,138,253,253,253,205,160,225,253,253,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,33,214,214,214,104,0,43,61,196,217,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,248,253,253,253,217,135,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,107,245,253,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,169,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,218,246,253,253,253,253,149,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,136,216,253,253,253,232,220,76,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,224,251,253,253,253,204,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,233,253,253,253,245,190,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,151,252,253,253,143,38,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,252,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,223,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,233,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,128,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,232,211,127,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,203,254,254,254,210,96,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,119,228,254,254,240,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,202,15,40,210,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,254,69,0,0,208,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,34,0,57,251,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,159,4,10,183,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,40,0,167,254,254,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,72,168,249,254,254,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,250,254,254,254,254,254,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,254,241,254,254,174,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,124,208,118,148,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,215,254,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,236,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,255,141,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,255,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,201,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,196,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,210,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,238,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,224,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,253,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,210,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,227,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,253,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,224,191,114,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,149,201,253,211,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,140,244,253,252,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,203,252,252,253,252,170,219,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,252,252,210,211,252,69,207,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,116,12,138,178,69,228,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,247,42,0,244,86,222,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,196,47,99,253,252,252,235,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,253,252,252,227,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,252,252,253,252,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,252,252,147,23,22,107,179,252,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,253,253,140,11,0,0,0,43,231,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,252,187,17,0,0,0,0,0,116,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,218,19,0,0,0,0,0,0,199,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,112,0,0,0,0,0,0,34,238,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,180,8,0,0,0,0,0,0,144,252,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,0,0,0,5,138,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,189,0,0,0,0,5,84,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,247,163,70,70,122,191,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,253,252,252,252,252,253,252,195,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,75,201,252,252,252,252,137,64,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,80,224,255,218,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,239,232,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,244,253,127,24,54,164,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,248,253,127,2,79,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,236,253,174,0,0,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,222,0,0,0,218,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,115,0,0,0,133,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,253,6,0,0,0,98,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,145,0,0,0,0,7,207,236,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,85,0,0,0,0,0,118,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,208,253,19,0,0,0,0,0,118,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,235,13,0,0,0,0,0,118,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,195,0,0,0,0,0,0,118,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,194,0,0,0,0,0,0,118,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,194,0,0,0,0,0,0,135,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,212,6,0,0,0,0,13,231,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,249,254,25,0,0,0,7,134,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,193,40,40,58,183,254,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,232,253,254,253,253,253,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,169,205,253,187,127,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,209,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,231,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,223,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,141,156,156,194,232,148,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,20,73,192,254,253,253,253,253,254,253,241,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,254,247,174,174,137,137,241,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,47,235,253,247,176,57,18,0,0,0,0,110,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,154,49,0,0,0,0,0,0,0,20,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,99,15,0,0,0,0,0,0,0,0,0,118,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,135,196,244,253,244,195,99,98,98,98,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,255,254,254,254,254,255,254,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,128,99,61,235,253,234,135,136,173,135,83,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,250,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,155,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,206,247,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,142,244,253,253,253,253,242,184,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,215,253,253,253,253,253,253,254,253,181,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,249,253,253,236,151,39,47,173,254,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,217,253,232,151,42,0,0,0,0,117,250,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,155,45,0,0,0,0,0,0,0,142,253,232,39,0,0,0,0,0,0,0,0,0,0,0,0,0,121,236,22,0,0,0,0,0,0,0,0,108,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,45,54,0,0,0,0,0,0,0,0,0,108,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,69,108,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,211,193,228,244,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,224,253,253,253,253,253,253,249,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,201,201,227,253,253,253,253,253,207,172,50,0,0,0,0,0,0,0,0,0,0,0,20,54,90,187,198,253,253,253,254,253,253,236,164,66,21,0,0,0,0,0,0,0,0,0,0,0,0,18,190,253,253,253,253,253,253,253,255,253,238,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,253,253,253,253,255,242,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,245,253,253,253,253,253,253,253,248,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,120,120,218,253,253,253,182,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,142,254,255,217,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,154,226,253,253,253,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,244,253,253,253,253,253,227,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,250,253,253,253,253,253,253,253,244,93,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,91,237,253,253,253,234,214,240,253,253,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,253,253,253,253,155,59,0,77,115,233,253,253,229,55,0,0,0,0,0,0,0,0,0,0,0,88,241,253,253,191,89,14,5,0,0,0,0,50,222,253,253,99,0,0,0,0,0,0,0,0,0,0,18,206,253,253,172,19,0,0,0,0,0,0,0,0,162,253,253,118,0,0,0,0,0,0,0,0,0,25,202,253,253,181,7,0,0,0,0,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,94,253,253,241,80,0,0,0,0,0,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,10,205,253,244,101,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,175,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,117,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,0,0,0,0,0,0,51,223,253,217,33,0,0,0,0,0,0,0,0,255,253,253,160,0,0,0,0,0,0,0,0,0,0,54,233,253,253,128,0,0,0,0,0,0,0,0,0,254,253,253,183,15,0,0,0,0,0,0,0,55,165,233,253,253,227,34,0,0,0,0,0,0,0,0,0,152,247,253,253,183,78,8,8,8,55,162,162,242,253,253,246,146,53,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,253,253,253,253,253,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,9,45,215,253,253,253,253,253,253,248,199,156,45,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,99,183,253,253,253,206,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,85,86,85,86,85,255,253,198,85,86,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,251,253,251,253,251,253,251,253,251,253,251,225,168,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,255,196,169,168,169,168,254,253,254,253,254,253,254,139,0,0,0,0,0,0,0,0,0,0,85,251,253,138,84,28,0,0,0,0,84,83,84,196,253,251,253,251,114,0,0,0,0,0,0,0,0,0,86,253,255,139,0,0,0,0,0,0,0,0,0,0,57,168,254,253,198,28,0,0,0,0,0,0,0,0,85,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,83,0,0,0,0,0,0,0,0,86,253,255,253,169,0,0,0,0,0,0,0,0,0,0,0,254,253,254,84,0,0,0,0,0,0,0,0,28,196,253,251,168,0,0,0,0,0,0,0,0,0,0,114,253,251,196,28,0,0,0,0,0,0,0,0,0,0,198,196,114,0,0,0,0,0,0,0,0,0,141,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,28,28,0,0,0,0,0,0,0,0,0,114,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,11,52,47,3,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,173,0,0,82,173,247,251,221,224,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,222,89,201,252,254,190,105,31,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,255,254,183,96,26,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,244,254,198,68,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,254,199,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,241,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,248,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,223,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,248,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,156,246,254,203,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,37,191,254,250,179,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,211,229,254,229,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,251,178,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,79,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,226,225,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,255,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,255,244,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,254,201,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,94,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,140,161,204,242,244,249,253,249,104,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,155,218,253,253,253,253,253,253,253,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,83,164,252,253,253,253,253,253,253,239,237,253,253,253,253,253,187,16,0,0,0,0,0,0,0,0,14,153,251,253,253,253,253,253,252,181,98,33,27,175,107,86,230,253,253,179,0,0,0,0,0,0,0,0,138,253,253,253,253,253,246,212,89,0,0,0,0,9,16,203,244,253,253,247,0,0,0,0,0,0,0,0,219,253,253,253,247,119,47,0,0,0,0,36,99,213,253,253,253,253,253,125,0,0,0,0,0,0,0,0,255,253,253,218,45,0,1,6,6,70,192,236,253,253,253,253,253,253,161,8,0,0,0,0,0,0,0,0,254,253,253,187,148,156,162,253,253,253,253,253,253,253,253,253,253,251,74,0,0,0,0,0,0,0,0,0,214,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,120,0,0,0,0,0,0,0,0,0,0,22,146,252,253,253,253,253,253,253,212,171,109,117,253,253,253,128,1,0,0,0,0,0,0,0,0,0,0,0,0,60,138,113,105,153,139,61,0,0,0,167,253,253,238,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,248,253,253,180,125,214,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,219,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,152,243,235,112,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,255,253,253,253,192,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,217,217,242,252,253,252,252,252,253,242,217,217,42,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,246,215,72,195,221,252,253,252,252,252,222,46,0,0,0,0,0,0,0,0,0,0,0,125,221,252,252,128,92,0,0,0,16,108,170,168,252,252,253,221,41,0,0,0,0,0,0,0,0,0,47,232,252,252,82,0,0,0,0,0,0,0,0,73,252,252,253,252,215,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,10,119,35,253,252,247,93,0,0,0,0,0,0,0,0,109,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,108,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,110,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,63,238,253,108,0,0,0,0,0,0,0,0,109,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,108,0,0,0,0,0,0,0,0,109,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,252,108,0,0,0,0,0,0,0,0,109,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,110,253,253,108,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,108,0,0,0,0,0,0,0,0,109,252,252,148,0,0,0,0,0,0,0,0,0,0,11,175,253,252,179,15,0,0,0,0,0,0,0,0,94,247,252,252,37,26,0,0,0,0,0,0,0,0,140,252,253,179,20,0,0,0,0,0,0,0,0,0,0,134,252,252,252,221,41,0,0,0,0,0,0,125,221,252,191,15,0,0,0,0,0,0,0,0,0,0,0,42,222,253,253,253,253,253,110,109,129,253,255,253,253,191,84,0,0,0,0,0,0,0,0,0,0,0,0,0,46,179,252,252,252,252,253,252,252,252,222,179,179,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,133,215,241,252,253,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,108,253,252,148,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,96,155,253,253,253,253,96,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,190,205,251,253,251,251,251,251,253,244,190,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,251,251,251,251,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,251,251,251,251,253,251,251,244,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,251,251,253,251,172,232,251,253,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,19,0,0,0,0,124,253,255,253,253,229,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,244,251,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,251,251,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,251,251,253,243,188,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,214,253,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,251,241,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,172,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,251,94,0,0,0,0,0,159,158,158,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,230,253,253,253,96,96,96,234,253,255,253,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,157,251,251,253,251,251,251,251,253,227,62,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,236,251,253,251,251,251,251,205,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,228,229,236,251,251,251,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,59,190,172,94,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,101,142,254,255,124,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,159,253,253,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,253,250,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,239,253,253,253,253,253,253,253,184,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,3,48,224,253,253,253,253,253,253,253,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,107,201,145,222,253,253,253,253,253,253,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,32,213,253,253,253,253,253,253,253,253,253,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,238,180,68,138,248,253,253,205,13,0,0,0,0,0,0,0,0,0,0,77,250,253,253,253,253,253,253,161,63,0,0,61,235,253,253,253,99,0,0,0,0,0,0,0,0,0,43,244,253,253,253,253,253,253,182,7,0,0,0,46,230,253,253,253,99,0,0,0,0,0,0,0,0,0,154,253,253,253,253,253,250,150,53,0,0,0,0,116,253,253,253,253,99,0,0,0,0,0,0,0,0,50,226,253,253,253,253,253,147,0,0,0,0,0,0,116,253,253,253,253,99,0,0,0,0,0,0,0,0,101,253,253,253,253,253,135,8,0,0,0,0,0,47,153,253,253,253,205,12,0,0,0,0,0,0,0,0,101,253,253,253,253,253,14,0,0,5,16,91,169,225,253,253,253,253,189,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,85,71,61,157,253,253,253,253,253,253,253,203,25,0,0,0,0,0,0,0,0,0,76,240,253,253,253,253,241,238,235,253,253,253,253,253,253,253,246,22,0,0,0,0,0,0,0,0,0,0,0,196,253,253,253,253,253,253,253,253,253,253,253,253,253,209,89,0,0,0,0,0,0,0,0,0,0,0,0,27,207,253,253,253,253,253,253,253,253,253,253,253,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,215,253,253,253,253,253,253,253,227,199,96,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,216,253,253,253,253,113,99,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,232,191,192,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,88,221,253,252,252,252,253,242,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,215,144,253,252,252,252,253,252,241,181,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,191,252,215,144,253,210,190,190,170,210,211,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,215,0,0,0,0,0,62,103,37,252,206,20,0,0,0,0,0,0,0,0,0,0,0,0,11,175,252,189,30,0,0,0,0,0,0,0,5,119,20,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,76,0,0,0,0,0,0,0,0,6,120,21,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,119,0,0,0,0,0,0,0,42,160,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,180,0,0,0,0,0,0,110,233,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,242,196,73,73,115,114,155,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,238,253,253,145,104,0,0,192,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,35,35,0,0,0,0,15,222,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,231,195,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,180,253,244,138,138,138,138,139,118,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,252,252,253,252,211,177,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,111,215,184,162,100,89,173,184,196,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,95,0,0,0,0,0,9,102,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,116,0,0,0,0,0,0,122,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,181,9,0,0,0,0,57,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,173,34,0,0,89,219,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,202,44,0,222,252,252,101,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,185,236,155,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,242,253,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,252,252,252,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,98,45,129,194,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,200,0,0,0,51,189,253,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,137,0,0,0,0,0,76,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,137,0,0,0,0,0,45,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,221,0,0,0,0,0,222,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,145,93,93,134,207,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,252,253,252,252,252,252,253,157,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,5,147,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,195,229,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,254,249,135,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,246,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,254,254,244,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,243,94,38,148,174,132,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,254,254,211,87,237,254,254,254,227,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,254,254,254,254,204,213,254,228,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,238,125,149,12,22,227,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,233,254,254,254,210,42,0,0,0,0,218,254,232,14,0,0,0,0,0,0,0,0,0,0,0,0,6,183,254,254,254,254,155,22,0,0,0,0,157,254,221,12,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,254,235,106,0,0,0,31,231,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,241,139,37,29,0,0,28,94,210,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,217,0,0,23,100,194,233,254,254,254,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,233,107,192,236,254,254,254,254,254,118,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,254,254,254,254,254,254,254,221,103,18,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,254,254,254,164,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,130,148,255,169,103,6,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,249,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,253,235,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,232,253,223,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,234,253,218,125,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,236,253,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,254,214,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,253,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,117,214,214,214,214,214,215,251,253,198,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,253,253,253,253,253,253,254,253,253,253,212,102,21,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,239,171,66,80,231,253,254,253,253,253,253,253,187,20,0,0,0,0,0,0,0,0,0,0,0,0,206,253,186,0,7,55,220,253,255,158,80,80,185,243,225,29,0,0,0,0,0,0,0,0,0,0,0,0,85,249,229,161,175,253,253,253,242,11,0,0,0,69,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,252,169,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,120,218,253,239,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,109,191,255,253,253,253,255,211,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,73,155,232,252,252,252,253,252,252,252,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,252,252,226,215,217,215,215,215,232,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,108,108,31,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,62,103,0,0,0,0,0,0,0,0,0,63,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,237,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,181,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,255,253,253,253,255,253,232,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,252,252,252,253,252,252,252,238,93,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,252,253,220,215,215,217,215,221,252,253,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,108,108,108,15,0,0,0,0,16,108,253,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,221,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,171,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,115,217,237,253,252,241,97,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,181,253,252,252,252,253,179,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,168,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,30,133,220,254,116,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,151,253,238,229,142,109,214,212,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,146,249,253,205,37,0,0,0,86,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,202,253,230,138,0,0,0,0,0,86,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,183,253,253,132,0,0,0,0,0,0,172,156,0,0,0,0,0,0,0,0,0,0,0,0,0,14,102,239,229,134,236,132,0,0,0,0,0,56,242,64,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,188,55,33,238,132,0,0,0,0,0,171,225,24,0,0,0,0,0,0,0,0,0,0,0,0,14,185,253,60,74,232,211,24,0,0,0,0,99,245,168,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,146,37,215,211,25,0,0,0,0,21,212,253,59,0,0,0,0,0,0,0,0,0,0,0,0,24,249,207,91,217,213,24,0,0,0,0,0,49,253,126,3,0,0,0,0,0,0,0,0,0,0,0,0,25,254,255,254,245,104,0,0,0,0,0,25,214,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,249,229,54,0,0,0,0,0,14,167,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,78,0,0,0,0,0,0,8,212,253,223,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,246,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,218,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,251,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,249,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,137,248,211,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,208,253,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,155,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,204,253,253,253,192,141,104,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,252,252,252,253,252,252,215,170,94,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,168,168,168,168,168,187,252,252,253,252,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,119,164,40,0,0,0,0,0,7,28,128,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,191,255,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,57,70,169,234,252,253,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,160,240,252,253,252,252,252,168,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,213,253,252,252,252,253,252,252,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,253,254,253,253,253,254,253,253,253,254,153,29,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,196,84,84,84,84,146,208,252,252,253,252,252,178,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,106,216,252,252,252,247,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,177,252,253,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,51,51,0,0,0,0,0,0,0,0,26,150,249,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,214,254,153,29,16,0,0,0,26,104,253,253,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,252,252,215,169,169,169,243,253,252,252,202,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,187,252,252,253,252,252,252,253,233,80,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,128,190,139,139,139,78,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,242,218,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,168,254,228,199,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,60,70,254,200,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,27,70,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,248,254,88,180,254,230,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,72,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,165,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,233,223,236,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,219,254,129,32,209,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,251,6,0,68,253,168,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,124,0,0,0,120,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,124,0,0,0,3,170,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,124,0,0,0,0,122,254,238,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,155,2,0,0,0,6,168,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,234,181,56,8,0,28,163,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,243,254,177,159,221,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,165,254,254,254,251,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,76,202,253,169,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,253,252,252,219,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,240,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,245,87,45,215,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,193,252,252,200,21,0,0,103,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,245,21,0,0,0,93,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,87,0,0,0,0,93,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,45,0,0,0,0,93,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,9,0,0,0,0,93,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,93,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,253,122,0,0,0,0,0,208,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,45,236,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,153,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,214,13,0,0,0,17,209,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,22,234,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,232,38,0,11,202,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,154,140,203,253,252,218,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,252,252,252,253,208,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,252,252,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,211,168,96,22,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,139,168,206,254,187,192,144,144,144,101,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,248,187,187,187,138,187,187,254,253,253,213,105,15,0,0,0,0,0,0,0,0,0,0,0,0,0,41,111,40,0,0,0,0,0,0,44,44,87,206,253,219,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,83,215,249,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,219,238,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,222,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,248,195,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,255,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,163,255,207,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,253,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,81,245,247,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,244,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,242,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,88,0,0,0,0,3,12,118,167,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,253,253,41,28,45,45,108,181,253,201,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,222,228,253,253,244,176,85,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,128,105,230,253,234,143,47,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,133,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,164,240,252,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,253,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,252,253,195,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,218,252,252,177,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,203,245,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,233,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,219,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,180,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,251,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,218,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,183,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,168,250,250,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,231,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,250,250,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,250,252,194,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,209,250,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,255,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,209,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,250,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,187,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,76,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,62,0,0,0,0,0,0,0,28,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,155,205,0,0,0,0,0,0,0,30,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,140,0,0,0,0,0,0,0,154,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,246,25,0,0,0,0,0,0,32,248,234,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,244,0,0,0,0,0,0,0,99,254,248,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,244,0,0,0,0,0,0,0,120,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,247,34,0,0,0,0,45,159,243,234,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,221,79,119,87,126,238,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,254,254,231,254,234,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,89,245,254,254,254,254,181,140,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,16,16,16,16,4,177,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,231,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,247,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,208,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,193,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,212,223,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,41,82,41,0,183,233,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,92,214,253,254,253,203,82,173,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,132,232,151,111,131,91,141,142,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,244,162,0,0,0,0,31,233,254,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,132,252,253,171,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,91,0,0,113,253,214,253,123,0,132,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,102,142,233,252,233,111,0,0,10,172,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,255,253,254,253,82,0,0,0,0,0,234,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,112,151,91,50,0,0,0,0,0,0,51,232,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,153,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,179,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,220,253,254,253,160,79,177,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,199,253,253,254,186,84,166,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,190,253,253,222,57,3,58,244,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,185,14,0,8,205,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,254,235,15,0,14,186,254,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,251,124,0,53,224,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,247,108,168,235,254,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,253,253,254,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,253,253,253,253,254,253,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,180,195,180,98,255,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,191,255,191,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,64,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,39,28,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,208,147,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,162,248,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,254,245,194,35,5,39,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,225,254,254,254,254,216,153,254,219,139,72,0,0,0,0,0,60,111,0,0,0,0,0,0,0,0,0,0,40,169,252,254,254,254,254,254,254,254,130,67,241,201,228,241,246,148,0,0,0,0,0,0,0,0,0,0,0,0,67,186,223,234,254,254,254,254,145,50,175,69,222,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,123,191,214,123,123,159,180,254,254,255,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,16,0,0,70,254,254,254,254,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,24,87,253,231,251,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,215,254,254,247,125,235,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,104,132,254,92,0,58,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,247,254,254,254,104,131,229,196,82,240,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,132,254,254,254,254,254,191,234,255,254,230,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,237,254,254,254,254,213,122,132,38,38,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,251,252,247,171,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,47,64,187,212,254,161,81,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,169,253,253,253,253,253,253,253,251,197,113,0,0,0,0,0,0,0,0,0,0,0,0,0,26,177,244,252,253,253,253,253,253,253,253,229,217,217,217,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,253,253,253,253,253,190,170,138,67,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,253,253,192,65,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,190,78,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,251,253,253,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,147,252,253,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,253,253,119,78,156,93,53,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,224,166,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,237,114,22,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,253,253,253,253,253,253,253,253,253,253,215,29,0,0,0,0,0,0,0,0,0,0,0,28,119,119,119,119,119,119,119,161,119,201,253,253,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,177,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,38,212,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,135,29,89,203,253,253,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,191,253,253,253,253,253,250,192,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,181,253,253,253,210,183,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,110,110,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,213,125,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,128,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,229,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,247,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,182,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,193,96,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,196,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,216,174,131,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,243,253,254,252,183,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,152,219,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,251,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,235,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,192,254,254,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,208,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,163,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,253,254,254,186,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,84,254,254,254,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,164,254,254,254,204,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,226,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,247,254,254,228,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,245,254,254,209,19,0,0,0,0,0,0,0,38,82,0,0,0,0,0,0,0,0,0,0,0,0,78,245,254,254,228,39,0,0,0,0,0,0,8,112,249,133,0,0,0,0,0,0,0,0,0,0,0,10,248,255,254,225,80,0,0,0,0,23,36,63,226,254,222,31,0,0,0,0,0,0,0,0,0,0,0,3,152,254,254,222,118,91,55,91,131,231,254,254,254,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,3,143,240,254,254,254,251,254,254,254,254,242,150,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,227,254,254,254,254,191,148,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,242,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,148,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,63,118,200,255,238,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,223,254,254,254,254,254,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,254,189,162,121,67,83,235,146,164,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,252,254,126,30,0,0,0,0,46,221,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,220,254,154,7,0,0,0,0,0,10,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,158,3,0,0,0,0,0,0,43,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,230,3,0,0,0,0,0,0,0,162,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,250,142,23,4,0,0,0,6,53,245,254,251,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,190,178,178,178,201,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,23,142,205,246,254,226,245,239,250,254,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,48,21,39,33,199,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,246,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,156,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,74,156,194,194,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,196,253,253,254,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,241,253,253,253,175,137,229,196,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,246,253,253,201,79,0,0,86,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,217,254,245,88,5,0,0,0,48,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,196,53,0,0,0,0,0,0,235,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,245,53,0,0,0,0,0,0,74,224,77,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,185,0,0,0,0,0,0,0,175,211,205,236,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,77,6,0,0,16,62,182,247,253,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,254,204,195,195,217,254,253,185,118,230,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,232,254,254,254,231,135,60,30,0,196,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,135,106,39,24,0,0,0,19,222,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,250,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,214,211,127,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,213,254,254,247,253,191,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,239,254,252,199,23,162,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,254,240,74,0,0,165,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,241,101,0,0,0,131,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,213,0,0,0,0,27,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,233,241,49,0,0,0,23,190,241,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,225,0,0,0,22,172,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,225,0,0,33,173,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,132,122,232,254,254,254,235,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,163,239,224,193,236,254,205,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,13,40,249,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,243,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,239,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,195,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,187,253,253,235,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,183,253,220,82,82,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,182,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,220,113,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,145,253,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,152,253,209,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,247,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,248,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,251,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,217,248,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,234,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,73,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,161,253,253,255,151,24,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,183,147,176,92,160,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,87,15,0,0,36,159,253,210,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,130,253,228,149,33,0,36,232,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,246,222,49,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,220,253,253,227,103,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,223,61,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,80,0,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,149,192,253,244,63,0,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,106,226,253,253,210,0,0,0,0,0,0,0,217,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,210,0,0,0,0,0,0,67,245,253,225,13,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,242,88,0,0,0,0,0,24,136,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,216,0,0,0,0,0,0,81,253,253,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,113,0,0,0,0,0,0,124,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,93,0,0,0,0,0,110,246,253,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,201,0,0,0,0,110,247,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,216,0,0,0,57,248,253,220,45,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,156,253,251,134,0,108,240,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,251,242,250,253,221,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,208,253,253,165,99,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,130,207,254,238,162,58,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,217,231,141,141,157,211,254,196,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,245,46,0,0,0,4,125,246,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,127,0,0,0,0,0,0,55,236,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,9,0,0,0,0,0,0,0,150,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,35,88,91,47,239,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,155,236,254,254,254,255,254,171,91,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,228,130,52,78,72,238,239,230,254,250,203,124,36,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,47,0,0,22,207,249,84,9,63,96,190,241,250,217,187,77,0,0,0,0,0,0,0,0,0,0,198,242,0,16,90,233,249,120,0,0,0,0,0,13,63,172,161,83,0,0,0,0,0,0,0,0,0,0,142,254,239,244,254,206,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,12,12,12,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,3,62,91,107,254,255,254,255,254,101,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,166,225,182,230,253,253,253,253,253,253,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,21,187,253,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,17,182,253,253,253,253,252,220,98,56,56,141,249,253,253,253,0,0,0,0,0,0,0,0,0,0,0,97,186,253,253,253,253,253,165,0,0,0,0,0,222,253,253,253,0,0,0,0,0,0,0,0,0,0,21,208,253,253,253,253,253,253,81,0,0,0,0,0,222,253,253,115,0,0,0,0,0,0,0,0,0,0,107,253,253,226,114,114,114,114,37,0,0,0,0,0,222,253,253,89,0,0,0,0,0,0,0,0,0,15,240,253,221,45,0,0,0,0,0,0,0,0,0,0,222,253,186,9,0,0,0,0,0,0,0,0,0,118,253,253,129,0,0,0,0,0,0,0,0,0,0,82,241,253,179,0,0,0,0,0,0,0,0,0,89,251,253,242,88,0,0,0,0,0,0,0,0,0,41,250,253,253,20,0,0,0,0,0,0,0,0,0,96,253,253,215,0,0,0,0,0,0,0,0,0,0,153,253,253,253,15,0,0,0,0,0,0,0,0,0,254,253,253,56,0,0,0,0,0,0,0,0,0,45,224,253,230,154,10,0,0,0,0,0,0,0,0,0,254,253,173,15,0,0,0,0,0,0,0,0,35,218,253,253,73,0,0,0,0,0,0,0,0,0,0,0,254,253,146,0,0,0,0,0,0,0,0,0,189,253,253,253,32,0,0,0,0,0,0,0,0,0,0,0,255,253,233,46,0,0,0,0,0,0,34,205,241,253,219,127,6,0,0,0,0,0,0,0,0,0,0,0,254,253,253,141,0,0,0,0,0,128,214,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,249,141,58,148,222,222,252,253,253,247,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,253,253,253,253,253,253,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,137,253,253,253,253,253,253,253,253,202,116,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,158,253,253,253,162,89,89,89,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,158,176,218,255,149,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,236,254,254,254,254,254,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,224,162,162,127,162,200,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,93,3,0,0,0,0,48,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,239,221,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,33,46,28,0,9,133,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,157,238,251,233,113,92,254,249,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,186,254,254,224,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,178,254,227,84,12,69,254,254,192,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,168,29,0,0,95,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,241,229,7,0,0,124,238,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,152,0,3,136,252,254,227,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,72,45,201,254,254,202,19,53,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,188,250,254,254,135,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,254,254,231,94,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,184,102,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,248,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,169,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,234,243,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,105,22,0,0,0,0,0,0,3,164,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,245,36,0,0,0,0,0,0,17,237,191,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,106,0,0,0,0,0,0,0,0,230,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,63,0,0,0,0,0,0,0,0,167,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,63,0,0,0,0,0,0,0,0,156,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,74,0,0,0,0,0,0,0,113,249,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,189,9,0,0,0,0,0,9,159,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,173,9,0,0,0,53,153,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,169,254,254,222,213,213,213,249,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,184,227,254,254,254,254,228,186,102,234,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,117,171,166,227,68,0,32,243,218,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,14,0,0,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,234,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,203,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,251,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,254,207,7,0,0,0,0,25,140,180,70,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,254,132,0,0,0,0,23,207,254,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,70,0,0,0,1,177,254,193,138,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,68,0,0,0,87,254,240,18,167,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,224,0,0,0,0,168,254,120,114,254,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,224,0,0,0,49,247,254,145,254,237,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,224,0,0,0,178,254,254,254,207,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,224,0,0,20,251,254,249,138,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,234,81,97,237,254,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,254,254,254,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,210,254,169,88,251,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,10,1,0,193,254,222,151,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,196,231,110,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,36,0,185,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,230,155,9,232,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,199,101,249,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,237,254,59,62,247,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,254,202,7,41,241,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,234,44,0,5,233,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,254,146,0,0,54,245,254,120,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,254,254,195,160,160,151,244,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,254,254,254,255,254,255,254,254,206,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,59,59,133,95,115,187,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,237,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,148,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,190,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,38,110,146,204,255,210,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,145,209,253,253,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,126,251,253,253,253,252,250,248,220,50,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,232,187,102,102,79,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,229,154,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,217,201,7,0,7,51,120,120,120,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,249,91,132,65,219,253,253,253,186,144,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,224,246,198,121,66,59,76,250,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,133,170,85,19,8,0,0,0,90,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,244,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,250,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,155,17,0,0,0,0,0,24,208,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,141,11,0,0,0,67,204,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,240,253,199,141,141,148,252,253,241,41,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,236,253,253,253,253,238,183,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,253,253,154,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,167,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,16,0,0,0,104,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,65,0,0,0,104,231,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,44,0,0,0,104,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,37,0,0,0,146,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,37,0,0,0,198,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,241,29,0,0,0,198,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,151,0,0,0,0,198,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,68,0,0,0,0,198,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,9,0,0,42,150,234,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,9,78,202,244,254,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,226,254,200,245,254,185,102,136,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,254,189,109,0,0,104,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,254,131,3,0,0,0,17,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,110,2,0,0,0,0,6,216,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,236,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,254,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,253,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,254,253,254,233,102,102,123,243,0,21,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,252,253,252,131,30,0,0,0,122,21,162,243,122,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,102,20,0,0,0,0,0,82,214,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,111,0,0,0,0,21,102,203,243,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,11,51,113,193,254,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,243,203,213,252,253,252,253,252,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,254,233,203,122,82,163,254,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,151,111,50,30,0,0,41,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,163,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,97,255,254,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,245,151,175,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,153,103,253,126,0,88,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,245,148,5,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,192,5,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,78,0,0,0,20,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,243,42,0,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,86,0,0,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,190,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,230,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,118,118,118,118,118,118,54,0,0,0,0,0,0,0,0,0,37,98,98,98,98,98,98,98,134,235,235,236,254,254,254,254,254,254,244,0,0,0,0,0,0,0,0,140,230,254,254,254,254,254,254,254,254,254,254,254,217,178,178,70,76,254,254,0,0,0,0,0,0,0,0,226,233,199,199,199,199,199,199,76,61,61,61,61,32,0,0,0,42,254,254,0,0,0,0,0,0,0,0,38,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,224,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,235,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,254,229,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,117,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,200,235,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,224,254,208,61,230,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,212,9,0,214,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,49,0,0,214,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,165,2,0,55,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,178,48,0,0,59,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,150,7,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,172,169,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,157,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,79,52,200,255,254,254,235,64,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,253,250,253,229,253,253,253,250,246,236,151,46,22,0,0,0,0,0,0,0,0,0,0,0,13,92,154,253,227,158,105,42,17,17,17,63,105,114,161,207,60,0,0,0,0,0,0,0,0,0,0,62,167,253,253,220,36,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,13,197,241,253,177,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,189,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,248,253,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,247,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,247,191,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,191,254,199,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,69,192,240,188,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,170,230,236,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,143,235,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,242,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,60,192,254,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,50,0,0,9,57,145,253,253,248,156,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,208,184,184,217,253,253,253,216,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,244,253,253,253,216,132,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,255,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,247,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,248,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,181,0,0,0,0,0,3,53,108,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,181,0,0,0,0,0,111,254,254,159,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,181,0,0,0,0,3,234,254,250,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,181,0,0,0,0,121,254,200,18,210,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,247,181,0,0,0,0,203,254,126,0,142,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,193,5,0,0,112,254,153,2,0,79,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,110,0,0,78,254,187,0,0,19,230,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,190,0,0,108,254,213,0,0,87,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,239,0,0,156,254,213,0,0,182,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,253,88,0,148,254,213,0,89,247,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,234,28,17,220,224,68,244,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,254,223,115,184,254,254,254,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,254,254,254,254,234,244,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,178,254,254,237,56,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,73,73,232,200,73,155,135,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,119,252,252,252,252,252,252,253,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,252,252,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,252,252,253,252,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,76,35,35,35,66,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,252,252,253,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,253,253,253,253,145,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,252,252,252,252,218,217,217,217,218,217,217,217,156,10,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,252,252,253,252,252,252,253,252,252,252,253,190,78,16,0,0,0,0,0,0,0,0,0,42,221,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,252,190,0,0,0,0,0,0,0,0,0,42,160,253,253,253,253,253,255,253,253,253,255,253,253,253,255,222,144,62,0,0,0,0,0,0,0,0,0,0,26,221,252,252,252,252,253,252,252,252,180,179,179,179,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,41,133,215,195,71,72,71,71,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,212,91,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,86,237,253,253,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,201,146,205,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,154,253,206,29,0,31,214,253,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,201,29,0,0,0,66,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,239,23,0,0,0,0,66,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,236,0,0,0,0,0,66,253,253,81,0,0,0,0,0,0,0,0,91,0,0,0,0,0,0,0,0,254,194,0,0,0,0,0,66,253,253,81,0,0,0,0,0,0,39,114,96,0,0,0,0,0,0,0,0,255,73,0,0,0,0,0,66,253,253,81,0,0,0,0,0,36,213,253,89,0,0,0,0,0,0,0,0,254,232,0,0,0,0,0,66,253,253,81,0,0,0,0,43,227,253,128,3,0,0,0,0,0,0,0,0,82,76,0,0,0,0,0,177,253,197,26,0,0,4,35,214,253,152,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,171,0,0,10,169,253,253,166,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,247,253,171,0,74,195,253,253,240,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,133,116,169,253,253,234,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,253,253,222,253,253,253,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,253,253,155,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,253,214,131,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,236,253,253,253,205,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,216,253,143,15,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,89,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,255,155,146,108,38,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,253,253,207,142,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,207,82,85,163,248,251,253,253,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,128,210,252,227,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,130,77,8,0,0,0,153,253,192,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,197,253,253,253,198,128,30,15,217,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,253,193,156,162,253,253,229,171,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,231,4,0,1,80,204,252,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,61,0,0,0,0,0,192,253,253,211,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,160,0,0,0,0,121,251,229,150,205,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,228,58,40,141,230,237,123,0,3,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,156,246,253,253,253,253,228,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,105,182,246,123,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,254,172,234,152,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,212,172,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,183,61,0,0,193,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,112,0,0,51,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,151,0,0,173,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,172,0,123,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,163,243,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,212,172,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,0,183,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,50,0,61,172,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,71,0,0,21,203,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,192,82,0,0,20,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,234,253,254,253,254,253,254,253,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,172,252,253,171,131,50,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,50,27,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,167,253,253,126,0,0,0,13,153,176,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,115,246,253,237,253,155,0,0,0,18,191,238,251,136,3,0,0,0,0,0,0,0,0,0,0,0,31,159,253,254,170,66,58,74,0,0,0,0,0,59,238,253,131,0,0,0,0,0,0,0,0,0,0,35,186,254,254,173,0,0,0,0,0,0,0,0,0,0,118,254,238,36,0,0,0,0,0,0,0,0,5,165,253,234,99,15,0,0,0,0,0,0,0,0,0,0,35,253,253,148,0,0,0,0,0,0,0,0,89,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,185,0,0,0,0,0,0,0,0,156,253,180,9,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,155,0,0,0,0,0,0,0,0,194,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,80,0,0,0,0,0,0,0,0,255,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,214,0,0,0,0,0,0,0,0,0,246,253,78,0,0,0,0,0,0,0,0,0,0,0,0,58,247,253,213,0,0,0,0,0,0,0,0,0,156,253,145,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,146,0,0,0,0,0,0,0,0,0,141,253,186,18,0,0,0,0,0,0,0,0,0,7,152,254,253,195,16,0,0,0,0,0,0,0,0,0,14,223,253,206,23,0,0,0,0,0,0,0,0,152,253,254,200,18,0,0,0,0,0,0,0,0,0,0,0,46,183,254,216,59,9,0,0,0,59,67,224,254,254,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,42,229,253,254,220,214,214,214,254,253,253,242,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,78,175,180,253,253,253,254,222,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,19,57,57,19,12,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,181,254,253,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,254,189,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,253,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,254,253,149,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,254,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,253,253,17,0,11,24,24,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,151,0,134,215,253,254,198,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,239,25,153,254,254,254,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,128,68,254,253,232,139,115,241,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,248,42,0,239,145,42,0,100,249,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,223,17,0,25,0,0,68,229,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,46,0,0,13,36,254,255,199,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,117,47,139,226,203,253,199,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,253,254,253,225,104,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,228,195,77,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,181,255,253,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,130,236,252,249,206,240,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,252,136,63,0,153,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,212,252,227,66,4,0,0,70,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,231,48,0,0,0,22,205,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,231,42,0,0,0,24,253,247,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,95,0,0,0,0,9,92,67,0,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,19,112,246,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,157,0,0,0,0,0,0,0,164,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,242,106,0,0,0,0,11,136,246,210,242,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,251,179,0,0,0,22,255,239,115,0,231,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,245,140,47,140,244,249,75,0,0,230,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,131,227,252,252,189,63,0,0,0,230,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,98,45,4,0,0,0,76,248,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,36,133,191,174,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,253,253,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,116,253,253,245,227,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,214,253,253,230,199,194,214,223,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,245,254,253,216,204,210,239,48,28,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,219,253,251,112,23,12,17,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,224,253,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,160,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,249,253,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,251,253,160,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,178,253,253,234,153,12,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,253,48,164,203,203,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,213,141,16,33,238,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,172,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,193,0,0,110,248,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,193,0,167,247,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,245,218,247,253,253,207,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,160,253,253,253,253,114,133,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,224,225,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,193,253,253,239,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,246,253,253,253,246,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,109,249,253,253,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,184,253,253,253,253,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,201,253,253,253,222,146,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,113,234,253,161,32,50,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,60,4,0,88,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,243,27,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,35,108,134,134,194,250,254,253,241,249,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,177,253,253,253,253,253,253,253,253,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,254,227,208,208,163,109,109,78,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,153,244,253,159,78,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,125,125,125,192,125,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,231,254,254,255,254,254,254,229,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,231,254,254,254,254,254,254,254,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,225,116,19,114,223,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,254,171,49,18,0,0,0,177,254,251,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,39,0,0,0,0,47,245,254,254,251,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,39,0,0,0,0,97,254,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,172,14,0,0,90,242,254,254,254,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,235,254,254,105,15,19,208,254,254,254,245,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,208,212,254,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,254,254,254,254,254,254,254,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,116,218,254,254,254,254,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,115,108,210,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,228,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,221,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,191,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,252,210,85,0,0,0,0,0,103,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,252,252,252,252,216,127,83,153,232,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,252,252,252,253,252,252,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,252,199,217,252,253,252,252,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,255,239,17,27,62,107,71,0,170,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,89,0,0,0,0,0,16,232,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,231,170,32,0,0,0,0,0,75,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,242,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,118,132,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,97,24,0,6,97,156,234,250,253,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,223,213,215,253,253,253,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,244,253,253,253,253,199,198,161,61,186,253,159,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,82,101,136,82,2,0,0,0,165,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,218,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,246,0,0,0,87,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,85,47,90,213,189,209,253,249,90,220,227,248,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,251,230,253,253,253,253,253,253,253,253,253,199,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,68,68,128,222,253,253,253,252,205,205,86,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,133,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,227,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,142,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,255,254,203,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,221,168,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,209,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,249,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,228,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,225,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,238,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,147,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,206,6,0,0,0,0,0,8,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,11,0,0,0,0,0,114,203,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,36,0,0,0,0,0,37,251,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,129,0,0,0,0,0,0,250,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,254,33,0,0,0,0,0,0,250,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,11,0,0,0,0,0,0,250,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,202,6,0,0,0,0,0,3,250,254,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,254,157,2,0,4,24,24,69,192,254,254,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,164,160,176,254,254,254,254,254,254,254,213,20,0,0,0,0,0,0,0,0,0,0,0,0,17,209,254,254,254,254,254,255,254,255,254,254,255,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,204,254,254,254,254,254,254,254,254,254,254,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,41,154,148,131,232,159,159,107,250,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,18,0,0,0,89,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,255,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,185,254,232,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,224,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,252,254,255,228,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,179,253,253,253,253,253,251,155,97,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,196,253,253,220,55,152,177,177,221,253,237,168,76,173,122,0,0,0,0,0,0,0,0,0,0,0,58,239,253,250,128,35,0,0,0,0,35,155,253,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,95,253,253,221,0,0,0,0,0,0,24,212,253,253,253,248,127,0,0,0,0,0,0,0,0,0,0,0,213,253,233,42,0,0,0,0,37,151,209,253,253,249,239,126,0,0,0,0,0,0,0,0,0,0,0,0,213,253,147,0,0,0,0,107,220,253,253,253,129,83,0,0,0,0,0,0,0,0,0,0,0,0,0,42,231,253,82,0,0,48,158,252,253,181,65,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,82,0,47,235,253,253,210,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,253,221,206,230,253,253,159,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,253,232,82,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,236,253,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,186,253,253,197,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,144,6,101,253,253,249,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,124,27,10,170,251,253,189,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,217,118,63,174,253,253,187,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,202,253,253,253,253,253,253,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,96,188,232,243,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,116,116,228,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,254,254,255,254,254,254,132,91,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,216,253,253,253,253,253,253,253,253,253,194,180,180,180,27,6,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,89,0,0,0,0,0,0,0,0,0,13,221,253,253,253,235,220,119,56,56,56,56,56,56,56,56,56,56,20,0,0,0,0,0,0,0,0,0,97,253,253,253,149,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,242,253,253,173,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,253,253,253,157,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,253,253,253,240,81,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,98,173,253,253,253,193,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,39,216,253,253,251,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,124,250,253,250,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,250,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,33,0,0,0,0,0,0,0,45,216,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,219,119,0,0,0,0,0,0,0,172,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,201,115,0,0,0,0,0,0,172,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,42,220,249,141,58,58,6,0,110,243,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,157,148,250,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,143,215,253,253,253,253,253,202,116,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,121,253,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,24,24,139,138,170,159,138,191,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,252,252,253,236,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,252,252,253,252,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,194,252,253,252,227,66,234,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,22,23,22,16,43,240,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,170,253,253,255,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,162,219,252,252,252,253,244,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,252,252,252,252,253,219,70,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,211,252,252,121,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,221,137,32,13,43,168,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,95,0,0,0,0,0,0,95,231,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,43,116,53,0,0,0,0,0,0,32,218,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,181,24,24,24,24,87,159,253,253,253,242,116,32,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,252,252,252,252,253,252,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,253,252,252,252,252,253,252,252,227,130,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,202,253,252,252,252,252,253,252,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,137,137,137,242,190,137,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,106,137,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,133,253,253,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,255,254,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,224,253,254,202,121,241,214,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,140,248,253,207,101,16,19,226,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,253,253,253,136,51,19,85,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,254,253,253,253,253,254,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,233,255,254,254,254,254,255,254,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,134,95,96,43,108,109,56,148,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,249,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,227,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,125,225,254,254,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,250,253,253,253,253,253,252,248,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,253,253,253,253,232,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,181,253,172,149,224,253,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,25,6,0,18,25,178,253,253,241,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,112,222,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,179,242,253,253,253,253,253,247,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,253,253,253,246,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,240,253,253,253,253,253,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,101,108,95,236,253,253,197,0,0,0,0,0,0,0,0,0,0,0,0,22,170,104,0,0,0,0,0,0,0,0,56,228,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,118,253,219,105,0,0,0,0,0,0,56,228,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,218,49,5,0,0,9,130,228,253,253,253,250,136,0,0,0,0,0,0,0,0,0,0,0,0,106,252,253,253,253,171,156,156,181,253,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,253,253,253,253,253,253,250,149,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,246,253,253,253,253,253,253,253,253,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,117,230,252,253,253,253,252,152,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,163,149,123,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,80,201,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,158,240,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,246,253,253,253,238,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,240,253,253,253,253,75,0,0,0,0,0,0,0,0,7,124,207,28,0,0,0,0,0,0,0,0,0,164,253,253,253,253,193,27,0,0,0,0,0,0,0,0,121,253,253,156,0,0,0,0,0,0,0,0,0,255,253,253,253,78,27,0,0,0,0,0,0,0,0,106,244,253,253,156,0,0,0,0,0,0,0,0,0,254,253,253,253,107,0,0,0,0,0,0,0,0,96,182,253,253,253,156,0,0,0,0,0,0,0,0,0,255,253,253,253,241,100,3,6,7,0,0,58,81,229,253,253,253,252,151,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,138,184,202,88,88,248,253,253,253,253,253,174,0,0,0,0,0,0,0,0,0,0,138,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,177,21,0,0,0,0,0,0,0,0,0,0,58,226,253,253,253,253,253,253,253,253,253,253,253,253,253,243,101,0,0,0,0,0,0,0,0,0,0,0,0,65,140,253,253,253,253,253,253,253,253,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,123,200,226,253,253,253,253,218,200,128,236,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,122,122,122,122,42,0,149,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,232,253,247,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,190,115,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,253,253,230,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,156,169,253,253,216,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,241,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,93,166,204,254,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,176,230,192,118,103,106,254,163,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,237,198,58,0,0,28,172,254,255,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,221,170,15,9,52,168,204,154,213,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,156,169,209,216,101,12,0,170,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,132,156,130,52,0,0,0,0,170,190,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,208,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,189,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,34,138,138,138,138,255,253,253,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,26,120,161,161,244,253,252,252,252,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,253,252,233,183,183,69,186,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,25,119,160,160,108,98,45,33,0,0,0,67,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,76,252,252,244,230,231,230,230,230,93,0,0,0,0,0,0,0,0,0,0,0,0,11,149,253,253,253,253,255,253,253,253,243,231,209,116,21,0,0,0,0,0,0,0,0,0,0,0,0,0,42,180,252,252,252,252,253,252,240,164,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,110,69,69,121,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,173,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,137,117,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,64,0,128,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,191,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,64,0,64,64,128,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,128,128,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,64,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,64,128,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,64,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,253,128,109,109,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,252,252,252,238,217,196,73,73,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,215,215,215,247,252,252,253,252,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,108,108,170,252,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,206,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,226,73,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,37,140,181,181,181,181,181,253,252,252,252,222,181,181,181,120,37,11,0,0,0,0,0,0,0,0,0,109,252,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,154,0,0,0,0,0,0,0,0,0,0,125,222,253,253,159,160,253,255,253,237,144,145,144,144,144,192,222,41,0,0,0,0,0,0,0,0,0,0,0,25,35,35,5,5,77,253,252,91,0,0,0,0,0,15,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,117,3,0,0,0,0,0,0,0,0,0,0,0,0,22,151,38,0,0,0,0,0,0,0,0,36,219,252,235,18,0,0,0,0,0,0,0,0,0,0,0,0,199,253,206,0,0,0,0,0,0,0,0,170,252,252,128,0,0,0,0,0,0,0,0,0,0,0,26,187,248,253,206,0,0,0,0,0,0,0,0,253,252,227,29,0,0,0,0,0,0,0,0,0,0,0,122,252,252,243,60,0,0,0,0,0,0,0,0,253,252,183,0,0,0,0,0,0,0,0,0,0,0,110,253,253,243,106,0,0,0,0,0,0,0,0,179,255,253,173,0,0,0,0,0,0,0,0,0,0,0,161,252,252,64,0,0,0,0,0,0,0,0,0,230,253,244,56,0,0,0,0,0,0,0,0,0,0,17,228,252,252,22,0,0,0,0,0,0,0,0,68,246,253,206,0,0,0,0,0,0,0,0,0,0,0,118,252,252,210,12,0,0,0,0,0,0,0,0,93,252,253,223,68,0,0,0,0,0,0,0,0,0,0,23,211,252,252,232,168,116,32,0,0,0,0,0,144,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,74,146,230,251,255,253,253,253,253,244,212,253,253,253,255,249,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,154,206,206,223,252,253,252,252,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,69,69,69,219,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,179,200,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,176,254,189,163,143,73,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,229,166,109,192,198,234,138,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,176,40,0,0,0,0,28,101,217,114,6,0,0,0,0,0,0,0,0,0,0,0,0,0,2,84,254,253,117,4,0,0,0,0,0,0,16,194,194,69,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,233,162,67,0,0,0,0,0,0,0,35,207,241,26,0,0,0,0,0,0,0,0,0,0,63,254,254,182,7,0,0,0,0,0,0,0,0,0,0,128,254,163,0,0,0,0,0,0,0,0,0,0,146,253,201,7,0,0,0,0,0,0,0,0,0,0,71,244,253,162,0,0,0,0,0,0,0,0,0,0,217,253,117,0,0,0,0,0,0,0,0,0,14,95,199,253,224,23,0,0,0,0,0,0,0,0,0,0,178,253,149,0,0,0,0,0,0,11,64,147,218,254,236,143,31,0,0,0,0,0,0,0,0,0,0,0,62,253,253,0,0,0,0,0,27,183,253,253,220,105,5,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,254,27,0,11,73,202,255,254,178,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,158,74,225,253,233,173,56,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,253,247,138,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,203,253,254,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,243,253,220,189,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,151,0,0,236,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,219,4,0,0,100,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,250,235,27,0,0,8,209,198,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,100,0,0,0,121,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,235,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,215,254,246,230,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,251,254,187,166,142,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,248,137,86,208,239,242,249,191,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,180,0,0,0,0,14,93,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,237,27,0,0,0,0,0,2,201,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,225,0,0,0,0,0,0,7,220,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,240,42,0,0,0,0,0,73,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,190,0,0,0,0,48,244,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,240,60,0,0,28,230,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,217,58,23,215,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,209,219,202,225,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,229,254,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,206,82,241,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,134,0,114,247,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,244,18,0,0,201,219,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,239,0,0,0,42,246,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,239,4,0,0,0,191,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,160,19,6,45,225,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,236,229,254,179,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,246,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,246,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,163,203,203,203,203,203,203,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,193,254,253,254,253,254,253,255,253,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,243,253,252,253,252,151,151,151,151,172,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,254,213,82,0,0,0,0,0,0,0,102,61,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,172,21,0,0,0,0,41,214,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,203,102,0,0,163,243,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,253,255,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,252,253,252,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,142,102,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,138,191,202,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,219,252,252,252,253,252,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,184,253,252,252,195,183,137,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,224,252,253,193,77,9,0,118,252,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,147,23,8,0,0,0,138,252,252,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,255,249,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,252,252,228,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,252,221,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,180,252,252,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,233,253,253,253,253,191,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,113,219,252,252,253,214,13,0,0,0,0,0,0,0,0,0,0,32,0,0,0,0,0,0,0,0,0,0,0,19,69,205,253,252,202,65,0,0,0,0,0,0,0,0,0,176,75,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,160,0,0,0,0,0,0,0,0,0,253,217,84,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,108,0,0,0,0,0,0,0,0,0,127,245,253,117,13,0,0,0,0,0,0,0,0,9,76,255,253,247,42,0,0,0,0,0,0,0,0,0,0,88,252,252,211,151,17,0,0,0,0,0,66,194,252,253,244,98,0,0,0,0,0,0,0,0,0,0,0,13,171,252,252,253,209,101,70,70,123,142,234,252,252,215,98,0,0,0,0,0,0,0,0,0,0,0,0,0,13,139,202,253,252,252,252,252,253,252,252,252,168,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,137,221,252,252,253,178,106,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,150,234,254,223,139,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,254,211,109,46,47,191,187,11,0,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,223,115,32,0,0,0,0,171,119,6,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,207,232,36,0,0,0,0,0,0,68,180,120,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,62,0,0,0,0,0,0,0,37,212,233,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,191,0,0,0,0,0,0,0,0,37,253,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,181,0,0,0,0,0,0,0,11,192,243,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,243,0,0,0,0,0,0,63,217,212,78,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,78,16,16,37,110,192,208,73,0,125,249,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,149,253,233,233,253,202,119,11,0,0,145,238,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,73,32,0,0,0,0,0,145,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,249,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,244,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,123,203,233,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,52,132,152,193,254,253,254,253,255,253,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,252,233,151,151,151,151,151,0,0,0,0,0,0,0,0,0,0,113,233,234,30,0,82,203,203,142,102,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,172,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,253,232,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,253,254,253,254,253,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,192,70,71,111,172,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,132,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,162,82,0,0,0,0,41,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,253,255,172,254,253,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,253,252,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,183,203,223,254,233,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,239,254,255,195,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,198,252,254,254,254,254,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,242,254,254,202,153,240,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,254,254,128,7,0,121,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,198,254,254,160,7,0,0,183,254,248,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,166,5,0,0,4,185,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,32,0,0,11,187,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,254,114,1,0,38,220,254,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,250,92,59,141,235,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,254,254,254,254,254,254,181,138,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,169,254,254,235,222,107,10,126,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,119,59,24,0,0,0,163,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,208,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,245,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,241,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,123,184,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,97,151,151,194,151,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,198,237,254,254,254,254,254,245,120,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,218,218,127,114,27,10,51,179,255,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,225,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,63,123,233,254,228,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,98,178,214,222,254,254,254,254,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,254,254,232,202,202,211,254,214,99,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,52,52,52,30,0,0,42,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,224,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,245,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,219,83,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,206,203,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,171,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,79,192,216,253,203,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,253,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,253,252,252,252,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,252,241,115,28,78,153,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,253,253,190,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,95,243,253,252,208,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,252,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,252,153,198,197,197,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,253,252,252,252,226,150,113,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,254,247,137,63,63,113,63,113,129,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,196,0,0,0,0,0,0,10,196,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,215,19,0,0,0,0,0,0,169,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,56,0,0,0,0,0,26,243,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,128,4,0,0,0,0,104,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,178,120,169,169,169,253,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,143,243,253,252,252,252,253,252,186,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,40,139,228,252,178,28,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,183,253,253,209,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,252,252,252,243,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,119,249,253,252,252,252,235,245,252,216,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,167,84,14,49,211,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,253,252,38,0,0,80,242,252,252,218,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,253,230,27,0,11,175,254,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,43,171,252,253,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,232,127,234,252,252,253,252,244,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,252,252,252,252,243,110,49,196,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,252,252,252,208,35,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,106,106,106,18,0,0,0,169,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,182,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,137,220,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,211,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,169,254,246,158,254,185,172,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,234,254,248,98,43,238,254,254,221,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,252,95,0,0,128,199,254,254,254,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,228,254,143,0,0,0,0,11,82,252,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,252,16,0,0,0,0,0,0,78,254,254,185,2,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,147,0,0,0,0,0,0,0,11,245,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,34,231,254,73,0,0,0,0,0,0,0,0,148,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,29,0,0,0,0,0,0,0,0,66,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,29,0,0,0,0,0,0,0,0,30,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,74,0,0,0,0,0,0,0,0,30,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,147,0,0,0,0,0,0,0,0,30,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,202,6,0,0,0,0,0,0,0,92,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,81,0,0,0,0,0,0,21,210,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,19,212,254,254,208,21,0,0,0,0,44,209,254,254,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,204,66,66,66,165,248,254,254,189,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,254,254,254,254,254,254,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,77,196,254,254,254,254,254,254,254,95,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,76,202,254,255,218,135,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,64,150,249,254,255,184,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,157,219,253,253,253,253,253,253,247,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,253,253,253,253,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,240,253,221,153,67,124,253,253,253,246,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,103,13,5,105,238,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,145,253,253,253,247,153,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,151,253,253,253,242,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,144,253,253,253,139,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,219,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,215,253,253,253,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,109,83,212,251,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,215,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,186,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,253,186,0,0,0,0,0,0,0,0,0,0,0,0,133,156,102,171,141,152,68,68,68,42,12,68,209,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,253,253,253,253,240,224,253,253,253,240,60,0,0,0,0,0,0,0,0,0,0,0,0,0,189,196,226,237,247,253,253,253,253,253,253,253,236,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,33,41,72,149,171,253,253,253,198,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,201,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,209,218,216,252,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,155,253,252,103,158,201,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,142,252,253,153,125,0,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,252,117,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,252,228,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,222,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,253,253,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,230,252,252,252,206,227,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,184,21,140,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,188,8,0,0,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,118,0,0,132,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,248,252,118,0,0,149,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,189,8,104,203,253,220,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,239,248,252,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,252,252,225,146,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,252,252,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,128,255,254,254,236,117,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,208,254,254,229,225,252,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,148,162,70,12,0,82,237,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,217,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,243,243,56,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,80,196,254,254,254,230,131,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,193,254,254,254,254,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,250,254,250,138,19,14,14,120,244,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,220,60,0,0,0,0,0,160,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,81,3,0,0,0,0,0,0,106,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,34,0,145,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,183,28,57,236,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,56,12,193,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,214,18,183,254,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,254,185,254,242,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,202,254,254,243,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,170,175,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,78,175,186,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,156,200,232,254,253,253,247,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,177,253,253,211,154,47,77,52,166,139,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,253,228,68,3,0,0,0,0,41,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,214,56,0,0,0,0,0,0,51,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,244,238,58,0,0,0,0,0,0,0,93,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,240,58,0,0,0,0,0,0,0,13,226,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,243,28,0,0,0,0,0,0,18,182,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,38,0,0,0,0,22,106,234,253,253,240,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,150,78,78,124,170,240,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,197,254,254,254,254,254,255,254,247,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,96,202,207,190,107,130,107,101,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,224,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,245,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,245,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,164,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,29,136,219,255,210,136,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,97,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,150,244,253,253,253,188,214,253,253,249,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,207,253,253,253,213,108,20,86,242,253,253,246,99,0,0,0,0,0,0,0,0,0,0,0,0,0,13,200,253,253,253,111,21,0,0,0,39,193,253,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,54,2,0,0,0,0,0,13,144,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,2,175,253,253,90,1,0,0,0,0,0,0,188,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,147,76,20,0,0,0,75,251,251,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,127,246,253,253,253,238,160,125,42,234,226,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,194,223,253,253,253,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,125,189,253,253,253,253,218,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,189,253,253,253,253,249,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,247,219,42,130,251,253,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,249,253,116,0,0,72,248,253,222,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,107,253,219,25,0,0,0,79,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,117,0,0,0,0,30,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,76,0,0,0,34,142,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,217,253,217,165,84,84,226,253,253,163,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,253,253,253,253,165,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,218,253,253,253,137,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,174,253,253,195,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,197,251,251,251,253,244,190,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,174,251,251,251,251,253,251,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,219,50,31,114,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,253,132,47,0,0,96,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,234,253,219,39,0,0,0,0,191,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,62,62,39,0,0,0,0,0,190,251,196,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,251,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,127,253,251,188,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,64,229,251,253,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,253,251,204,158,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,255,253,253,253,253,195,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,251,251,251,231,221,224,251,251,251,253,185,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,140,47,0,16,126,236,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,243,109,4,0,0,0,0,67,188,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,82,0,0,0,0,0,0,0,0,153,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,195,255,203,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,249,219,207,249,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,149,13,0,146,232,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,185,13,0,0,47,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,236,17,0,0,0,47,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,134,0,0,0,0,47,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,93,0,0,0,0,55,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,172,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,0,0,0,0,0,231,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,0,0,0,0,64,251,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,0,0,0,0,70,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,0,0,0,0,136,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,59,0,0,0,0,221,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,222,29,0,0,0,43,47,114,139,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,245,228,132,116,208,249,253,253,239,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,211,253,253,254,202,152,69,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,158,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,245,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,192,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,242,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,229,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,224,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,218,119,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,188,255,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,122,206,254,255,194,140,80,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,238,254,254,254,254,254,254,254,249,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,245,84,17,81,105,132,192,250,250,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,251,254,139,0,0,0,0,0,0,140,254,249,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,171,254,131,0,0,0,0,0,0,9,171,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,113,0,0,0,0,0,0,0,53,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,205,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,239,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,75,243,254,232,105,56,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,75,129,212,254,254,254,254,254,254,248,171,118,10,0,0,0,0,0,0,0,0,0,0,0,0,15,118,209,254,254,254,254,254,246,227,227,250,254,254,254,209,0,0,0,0,0,0,0,0,0,6,103,187,227,254,254,254,254,247,145,61,44,0,0,99,221,244,254,178,0,0,0,0,0,0,0,0,0,80,254,254,254,254,254,247,172,44,0,0,0,0,0,0,0,41,151,44,0,0,0,0,0,0,0,0,0,25,218,254,175,150,79,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,60,147,193,193,108,131,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,247,254,254,254,254,254,254,183,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,184,140,140,140,180,250,253,50,64,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,170,11,0,0,0,9,89,171,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,211,254,168,7,0,0,17,205,254,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,246,254,77,3,51,177,254,204,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,218,248,178,254,250,133,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,239,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,235,254,215,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,208,254,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,202,143,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,254,28,55,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,21,19,219,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,217,12,0,114,242,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,21,6,203,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,21,55,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,21,55,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,197,165,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,156,254,254,254,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,183,254,185,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,121,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,253,253,31,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,184,253,251,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,238,253,216,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,253,253,84,0,6,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,55,28,128,203,98,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,253,194,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,253,172,200,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,207,5,144,253,248,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,253,253,253,231,64,9,180,253,219,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,253,253,253,239,99,157,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,253,253,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,243,253,253,253,253,253,253,165,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,175,253,253,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,128,64,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,128,128,64,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,191,128,128,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,128,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,16,29,79,141,141,141,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,169,169,169,179,215,252,252,222,196,215,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,196,130,56,25,0,57,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,177,28,28,9,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,240,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,246,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,134,84,190,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,67,10,0,0,0,0,0,82,240,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,237,209,15,0,0,0,0,13,206,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,178,4,0,0,0,13,204,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,178,57,57,95,206,253,189,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,187,252,252,253,252,252,252,106,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,28,128,140,139,103,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,166,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,198,107,0,0,180,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,220,254,252,245,245,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,254,254,207,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,254,242,246,254,254,110,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,246,255,97,149,254,254,110,74,74,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,242,254,254,254,254,254,254,226,89,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,254,254,254,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,224,145,188,145,145,183,254,254,226,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,183,99,93,0,0,0,0,0,35,181,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,254,226,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,11,16,0,0,0,0,0,0,0,0,15,173,254,223,19,0,0,0,0,0,0,0,0,0,0,0,0,0,158,156,0,0,0,0,0,0,0,0,0,182,254,227,21,0,0,0,0,0,0,0,0,0,0,0,0,18,221,241,90,0,0,0,0,0,0,0,76,218,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,27,237,254,231,166,68,68,68,109,172,172,250,254,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,254,254,254,254,247,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,254,254,254,254,198,119,94,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,223,248,150,150,129,89,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,155,202,255,200,117,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,254,251,225,252,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,129,0,99,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,234,84,1,0,19,225,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,0,0,0,0,206,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,240,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,253,254,254,249,201,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,238,198,245,254,214,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,198,158,15,0,42,186,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,1,0,0,0,50,237,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,238,250,28,0,0,0,0,0,0,0,0,0,0,0,0,0,85,185,235,9,0,0,0,0,0,0,0,13,234,251,41,0,0,0,0,0,0,0,0,0,0,0,0,113,233,249,211,6,0,0,0,0,0,0,0,73,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,133,0,0,0,0,0,0,0,0,0,135,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,133,0,0,0,0,0,0,0,0,60,246,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,218,67,0,0,0,0,0,4,111,220,254,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,254,223,143,68,68,68,145,225,254,254,234,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,249,254,254,254,254,254,254,254,254,187,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,157,177,254,254,254,248,157,69,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,54,178,253,255,153,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,216,252,252,252,253,252,187,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,172,246,253,252,224,68,69,187,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,190,65,19,0,0,7,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,204,253,253,128,51,0,0,0,0,0,10,229,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,240,158,9,0,0,0,0,0,0,110,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,196,0,0,0,0,0,0,0,19,215,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,185,252,241,109,0,0,0,0,0,0,0,107,252,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,198,253,163,0,0,0,0,0,0,26,204,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,113,0,0,0,0,13,95,243,253,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,200,0,0,0,60,209,252,214,106,187,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,250,200,113,113,241,252,252,40,13,206,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,242,253,253,253,251,150,25,0,141,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,84,84,84,75,0,0,0,216,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,233,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,177,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,224,44,0,0,0,0,0,0,23,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,61,0,0,0,0,0,0,120,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,244,203,3,0,0,0,0,0,0,154,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,194,0,0,0,0,0,0,37,250,229,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,195,0,0,0,0,0,0,46,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,182,0,0,0,0,0,0,153,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,117,0,0,0,0,0,17,244,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,45,0,0,0,0,0,68,253,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,255,230,21,13,20,20,20,44,182,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,253,222,231,254,253,253,253,254,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,253,254,253,253,217,254,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,157,151,175,98,97,79,80,254,217,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,255,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,246,248,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,240,156,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,206,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,223,49,242,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,166,249,216,83,0,41,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,133,0,35,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,137,9,5,166,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,87,0,120,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,181,23,115,245,142,254,235,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,236,227,216,45,20,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,237,223,83,0,20,254,245,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,18,0,0,58,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,244,122,47,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,253,253,240,197,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,244,253,253,253,253,253,253,246,126,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,120,170,244,253,253,253,253,253,203,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,46,126,227,248,253,253,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,222,253,253,166,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,250,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,218,253,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,117,251,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,158,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,125,233,253,253,253,156,125,125,125,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,253,253,253,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,253,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,253,253,253,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,175,253,189,149,149,149,149,76,89,46,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,0,91,160,199,254,202,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,136,191,247,226,254,254,254,228,76,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,205,254,254,253,244,150,66,56,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,159,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,211,250,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,198,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,127,0,0,7,18,29,29,78,85,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,182,120,188,203,229,254,255,254,254,254,193,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,255,223,153,95,95,60,123,201,254,223,6,0,0,0,0,0,0,0,0,0,0,0,34,248,254,254,230,122,66,15,0,0,0,0,0,6,77,242,150,6,0,0,0,0,0,0,0,0,0,0,9,133,251,174,31,0,0,0,0,0,0,0,0,0,0,179,254,37,0,0,0,0,0,0,0,0,0,0,0,4,60,0,0,0,0,0,0,0,0,0,0,0,41,229,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,139,254,222,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,209,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,105,229,254,247,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,7,57,176,248,252,237,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,174,207,254,255,254,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,254,218,160,111,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,229,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,253,165,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,196,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,233,253,202,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,238,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,216,253,253,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,242,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,245,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,248,253,253,192,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,191,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,208,112,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,231,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,150,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,80,80,80,80,80,128,182,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,116,158,158,195,254,254,254,254,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,254,254,254,211,193,192,171,105,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,174,254,254,140,26,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,233,244,103,124,124,66,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,254,254,255,221,150,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,218,200,88,148,176,247,254,220,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,172,253,242,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,29,0,0,0,0,0,0,0,0,38,221,237,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,161,0,0,0,0,0,0,8,79,222,249,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,243,33,0,2,18,18,106,177,254,226,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,184,97,138,254,254,254,248,193,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,208,254,254,254,193,139,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,247,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,167,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,230,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,131,214,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,194,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,178,253,239,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,54,0,2,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,54,0,79,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,134,0,168,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,161,11,208,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,140,22,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,54,59,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,234,227,28,130,253,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,176,0,130,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,248,59,0,169,253,233,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,245,130,216,253,248,144,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,221,253,253,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,253,164,87,169,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,10,1,0,150,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,232,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,231,161,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,252,252,23,0,0,0,0,0,18,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,238,20,0,0,0,0,48,225,179,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,155,0,0,0,0,0,169,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,232,252,252,70,0,0,0,6,135,229,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,228,25,0,0,4,147,252,252,252,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,70,33,85,200,208,252,252,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,126,156,252,252,253,252,252,252,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,252,252,252,253,252,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,252,252,252,200,131,195,252,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,81,0,0,0,255,253,253,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,252,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,177,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,241,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,233,254,250,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,254,227,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,245,255,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,226,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,254,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,68,193,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,72,0,0,0,0,0,0,0,161,184,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,237,22,0,0,0,0,0,0,0,39,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,229,0,0,0,0,0,0,0,0,10,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,249,206,206,206,206,206,201,111,111,188,254,232,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,242,254,254,254,254,239,239,254,254,254,224,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,19,19,19,19,15,15,48,115,75,39,241,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,202,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,204,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,194,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,199,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,195,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,61,0,0,0,0,0,0,0,0,0,0,144,28,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,61,0,0,0,0,0,0,0,0,0,0,242,171,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,61,0,0,0,0,0,0,0,0,0,0,242,171,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,185,0,0,0,0,0,0,0,0,0,0,242,171,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,199,0,0,0,0,0,0,0,0,0,0,242,171,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,240,60,0,0,0,0,0,0,0,0,0,242,187,11,0,0,0,0,0,0,0,0,0,0,0,0,34,228,254,82,0,0,0,0,0,0,0,0,0,227,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,82,0,0,0,0,0,0,0,0,0,108,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,82,0,0,0,0,0,0,0,72,125,248,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,227,42,0,46,104,104,130,242,249,254,254,254,218,31,0,0,0,0,0,0,0,0,0,0,0,0,52,235,254,235,221,236,254,254,254,255,254,254,175,244,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,72,201,254,254,254,254,254,243,192,114,55,3,113,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,75,146,138,90,75,61,0,0,0,0,84,254,220,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,221,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,254,255,254,215,97,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,122,122,181,215,230,253,237,176,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,56,160,251,234,86,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,26,194,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,150,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,95,178,249,220,72,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,64,147,221,252,196,114,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,95,126,188,195,253,254,155,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,254,254,254,254,255,191,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,122,122,90,28,38,122,226,253,238,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,154,253,208,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,145,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,133,0,0,0,0,0,0,0,0,94,236,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,211,88,4,0,0,0,0,21,175,249,253,187,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,149,253,219,216,181,216,216,230,254,227,147,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,93,159,166,253,232,239,183,101,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,255,254,151,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,142,107,250,156,120,200,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,253,92,62,168,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,251,200,235,238,179,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,168,0,23,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,115,0,11,144,210,143,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,70,49,218,212,160,232,211,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,119,234,188,23,0,31,226,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,216,24,0,0,0,28,233,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,216,25,0,0,0,0,0,93,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,109,0,0,0,0,0,0,36,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,42,105,5,0,0,0,0,0,0,0,0,68,214,163,9,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,53,0,0,0,0,0,0,0,89,230,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,91,210,180,66,5,0,0,0,36,222,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,184,251,200,121,127,184,227,172,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,202,253,253,109,78,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,146,199,255,215,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,159,253,253,253,253,253,247,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,253,253,253,253,253,253,253,221,155,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,239,210,210,210,232,253,253,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,217,43,0,0,0,50,253,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,253,113,0,10,11,97,177,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,235,157,246,253,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,253,253,253,253,253,246,187,253,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,240,253,240,220,90,19,5,210,240,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,92,14,33,0,0,0,206,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,243,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,221,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,218,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,186,143,239,254,176,143,143,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,138,176,246,252,252,252,245,232,252,252,236,138,6,0,0,0,0,0,0,0,0,0,0,0,0,27,142,251,252,218,240,134,44,44,38,31,134,248,252,252,113,0,0,0,0,0,0,0,0,0,0,0,3,130,252,241,158,31,9,0,0,0,0,0,0,242,252,252,237,0,0,0,0,0,0,0,0,0,0,0,34,252,252,49,0,0,0,0,0,0,0,0,66,249,252,252,241,0,0,0,0,0,0,0,0,0,0,0,8,131,73,3,0,0,0,0,0,0,0,0,137,252,252,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,211,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,252,252,252,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,252,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,252,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,255,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,253,252,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,213,252,253,252,127,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,252,252,253,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,252,252,246,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,252,222,12,55,122,145,231,231,164,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,253,252,252,252,252,252,252,252,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,85,232,252,253,252,252,252,252,252,249,175,141,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,190,143,171,204,252,180,142,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,64,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,64,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,64,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,191,64,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,128,64,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,193,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,253,252,253,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,152,254,233,183,61,31,193,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,192,50,0,0,173,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,203,61,0,0,0,123,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,61,0,0,0,82,243,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,192,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,70,62,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,254,253,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,70,50,50,91,131,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,173,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,41,0,0,0,21,183,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,132,51,113,152,255,253,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,171,151,70,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,177,254,254,255,235,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,253,253,230,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,167,82,82,82,148,234,253,228,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,190,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,186,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,177,244,253,253,245,243,190,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,251,230,230,230,230,251,248,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,209,85,0,0,0,0,138,253,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,217,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,66,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,2,0,0,0,0,0,0,0,99,226,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,189,112,21,0,0,0,0,0,30,217,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,214,110,20,0,0,60,217,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,253,253,217,201,201,249,253,191,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,253,253,253,253,253,253,253,149,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,73,84,210,253,253,154,83,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,92,166,253,253,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,252,252,253,234,169,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,110,240,252,244,187,252,252,253,252,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,191,252,252,252,125,57,252,252,91,165,252,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,247,225,75,0,26,150,125,0,51,247,253,179,10,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,171,0,0,0,0,0,0,0,0,122,252,253,109,0,0,0,0,0,0,0,0,0,0,0,19,215,252,253,84,0,0,0,0,0,0,0,0,57,243,253,215,19,0,0,0,0,0,0,0,0,0,0,57,252,252,228,9,0,0,0,0,0,0,0,0,0,175,253,252,56,0,0,0,0,0,0,0,0,0,0,57,253,253,114,0,0,0,0,0,0,0,0,0,0,0,204,253,119,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,26,253,252,93,0,0,0,0,0,0,0,0,0,0,144,252,252,113,0,0,0,0,0,0,0,0,0,0,150,253,208,13,0,0,0,0,0,0,0,0,0,0,169,252,252,113,0,0,0,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,157,253,253,114,0,0,0,0,0,0,0,0,0,0,226,254,184,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,57,243,247,65,0,0,0,0,0,0,0,0,0,0,0,57,252,252,210,28,0,0,0,0,0,0,0,19,191,252,187,0,0,0,0,0,0,0,0,0,0,0,0,7,153,252,253,184,0,0,0,0,0,0,0,107,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,76,250,254,228,104,4,0,0,0,26,104,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,252,252,178,169,169,169,243,253,252,208,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,253,252,252,252,244,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,228,202,153,252,214,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,141,141,141,91,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,252,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,168,142,56,106,253,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,190,90,0,0,0,0,103,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,178,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,179,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,57,131,131,107,57,57,172,252,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,48,110,197,222,253,252,252,252,253,252,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,252,253,227,139,240,253,252,252,252,253,246,187,13,0,0,0,0,0,0,0,0,0,0,0,0,255,253,244,175,51,45,178,253,254,247,187,113,114,188,235,253,79,10,0,0,0,0,0,0,0,0,0,0,253,252,168,51,170,225,252,252,209,65,0,0,0,0,66,221,253,171,13,0,0,0,0,0,0,0,0,0,216,252,234,246,253,252,252,177,25,0,0,0,0,0,0,25,253,252,171,10,0,0,0,0,0,0,0,0,28,165,252,252,253,177,52,3,0,0,0,0,0,0,0,0,40,215,252,178,0,0,0,0,0,0,0,0,0,0,38,113,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,171,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,195,230,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,254,254,254,217,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,197,254,224,66,136,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,190,32,0,104,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,250,168,36,0,57,222,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,240,207,7,0,44,238,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,100,10,85,254,254,254,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,64,148,254,254,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,254,254,163,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,226,254,208,159,102,254,250,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,121,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,191,191,97,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,118,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,205,253,252,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,211,193,160,194,252,198,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,248,252,65,8,0,51,242,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,137,0,0,0,0,221,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,235,60,0,0,0,0,136,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,233,64,0,0,0,0,68,246,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,89,0,0,0,0,0,93,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,210,6,0,0,0,0,0,144,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,223,202,144,0,0,0,0,0,38,233,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,85,201,92,0,0,0,0,0,142,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,221,253,92,0,0,0,0,13,203,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,245,58,0,0,0,9,174,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,251,84,0,0,53,128,252,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,211,108,233,253,255,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,252,252,252,253,244,174,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,252,252,252,236,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,252,210,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,189,137,96,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,73,73,73,73,73,73,73,73,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,251,251,251,253,251,251,251,251,145,144,20,0,0,0,0,0,0,0,0,0,0,0,0,6,37,166,253,251,251,251,251,253,230,220,251,225,253,251,221,138,11,0,0,0,0,0,0,0,0,0,0,37,251,251,253,251,251,251,173,143,61,21,142,41,175,251,251,251,148,0,0,0,0,0,0,0,0,0,0,166,251,251,253,251,96,71,20,0,0,0,0,0,21,174,251,251,251,0,0,0,0,0,0,0,0,21,176,253,253,253,130,0,0,0,0,0,0,0,0,0,0,145,253,253,253,0,0,0,0,0,0,0,0,73,251,251,251,251,0,0,0,0,0,0,0,0,0,0,42,206,251,251,147,0,0,0,0,0,0,0,0,73,251,251,251,225,0,0,0,0,0,0,0,0,0,0,99,251,251,157,10,0,0,0,0,0,0,0,0,73,251,251,251,71,0,0,0,0,0,0,0,0,0,79,253,251,235,82,0,0,0,0,0,0,0,0,0,73,251,251,173,20,0,0,0,0,0,0,0,0,79,231,253,251,86,0,0,0,0,0,0,0,0,0,0,125,253,242,103,0,0,0,0,0,0,0,42,99,253,253,234,77,0,0,0,0,0,0,0,0,0,0,0,253,251,215,0,0,0,0,0,0,0,42,206,251,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,253,251,215,0,0,0,0,0,16,166,228,251,251,235,215,25,0,0,0,0,0,0,0,0,0,0,0,0,253,251,215,0,0,0,0,94,170,251,253,251,235,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,251,215,0,0,0,105,241,251,251,253,147,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,255,253,253,253,201,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,251,251,253,251,251,188,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,215,215,241,242,215,189,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,59,156,201,186,141,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,103,185,250,253,254,253,253,253,238,132,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,194,253,253,253,192,116,78,78,167,205,254,239,79,6,0,0,0,0,0,0,0,0,0,0,0,0,67,248,254,174,87,19,5,0,0,0,0,8,102,232,253,110,0,0,0,0,0,0,0,0,0,0,0,31,203,253,231,24,0,0,0,0,0,0,0,0,0,27,126,110,0,0,0,0,0,0,0,0,0,0,5,194,254,193,38,0,0,0,0,0,0,0,0,23,46,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,242,68,0,0,0,0,0,0,0,0,87,229,245,33,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,0,0,0,0,0,0,0,25,240,253,183,12,0,0,0,0,0,0,0,0,0,0,0,0,214,253,26,0,0,0,0,0,0,0,26,172,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,19,0,0,0,0,0,0,83,222,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,102,0,0,0,0,70,231,255,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,247,247,177,118,125,214,250,253,234,212,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,254,253,253,180,100,19,226,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,72,117,117,117,49,2,0,112,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,244,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,218,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,245,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,223,224,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,218,217,34,12,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,79,0,0,46,99,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,153,0,23,142,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,254,78,72,208,254,254,254,232,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,200,248,254,153,227,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,215,248,254,202,79,0,185,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,58,5,0,0,20,254,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,133,81,218,254,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,255,228,49,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,231,133,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,182,255,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,253,253,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,140,214,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,173,253,253,253,227,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,178,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,223,253,253,253,183,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,217,253,253,253,253,92,9,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,253,105,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,229,253,245,110,186,253,253,253,253,253,249,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,124,0,76,104,202,253,253,253,253,238,83,0,0,0,0,0,0,0,0,0,0,0,0,0,56,242,253,253,52,0,0,0,17,25,159,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,52,0,0,0,0,0,72,240,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,80,36,36,36,36,36,138,249,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,253,253,253,253,253,253,253,253,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,15,157,250,253,253,253,253,253,253,253,253,253,244,211,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,253,196,156,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,78,217,253,253,253,253,83,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,198,240,240,252,241,240,190,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,192,82,26,159,198,252,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,186,225,81,15,0,0,0,107,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,186,252,163,0,0,0,0,0,23,102,242,238,172,21,0,0,0,0,0,0,0,0,0,0,0,0,51,208,197,198,52,0,0,0,0,0,0,0,185,252,252,108,0,0,0,0,0,0,0,0,0,0,0,20,242,188,13,0,0,0,0,0,0,0,0,0,26,195,252,239,85,0,0,0,0,0,0,0,0,0,0,121,252,144,0,0,0,0,0,0,0,0,0,0,0,25,127,252,228,12,0,0,0,0,0,0,0,0,0,121,252,26,0,0,0,0,0,0,0,0,0,0,0,0,23,206,252,113,0,0,0,0,0,0,0,0,0,121,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,246,63,0,0,0,0,0,0,0,0,255,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,120,0,0,0,0,0,0,0,0,253,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,2,164,252,175,0,0,0,0,0,0,0,0,204,241,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,0,0,0,0,0,0,0,0,121,252,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,0,0,0,0,0,0,0,0,89,249,252,165,14,0,0,0,0,0,0,0,0,0,0,0,32,233,252,252,0,0,0,0,0,0,0,0,0,119,218,252,200,77,0,0,0,0,0,0,0,0,0,0,138,252,252,224,0,0,0,0,0,0,0,0,0,0,30,204,252,235,152,41,41,19,0,0,0,34,41,138,227,252,250,100,0,0,0,0,0,0,0,0,0,0,0,30,205,238,252,252,252,203,161,160,160,238,252,246,225,225,143,0,0,0,0,0,0,0,0,0,0,0,0,0,28,148,238,238,239,252,253,246,238,238,133,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,120,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,127,171,216,156,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,203,253,253,253,254,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,240,174,223,253,169,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,253,195,23,0,12,164,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,239,254,200,18,0,0,0,35,223,244,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,241,68,0,0,0,0,0,153,254,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,150,0,0,0,0,0,0,12,184,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,25,240,253,98,0,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,36,243,253,98,0,0,0,0,0,0,0,40,253,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,173,0,0,0,0,0,0,0,115,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,255,99,0,0,0,0,0,41,201,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,248,254,227,88,9,0,0,62,211,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,253,253,211,175,176,241,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,42,217,253,253,253,254,234,146,152,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,88,155,155,155,46,0,136,253,240,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,196,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,231,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,104,136,221,254,245,161,162,161,86,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,139,235,253,253,241,206,206,206,207,249,253,253,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,240,145,79,34,0,0,0,0,42,46,197,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,31,0,0,0,0,0,0,0,0,9,209,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,254,236,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,185,253,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,57,237,253,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,191,253,254,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,187,254,254,254,254,254,211,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,248,206,182,131,244,245,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,71,121,42,0,0,0,90,253,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,197,254,64,0,0,0,0,0,0,0,0,0,0,0,0,87,7,0,0,0,0,0,0,0,0,0,0,74,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,207,103,0,0,0,0,0,0,0,0,0,102,240,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,104,32,0,0,0,0,0,26,187,254,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,124,237,224,130,47,47,47,130,239,254,244,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,234,253,253,254,253,253,253,230,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,111,194,254,253,168,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,20,46,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,15,114,114,245,230,241,235,222,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,127,151,151,232,253,253,237,210,182,146,234,253,253,0,0,0,0,0,0,0,0,0,0,0,49,117,189,229,253,213,189,189,163,65,40,0,0,0,60,253,253,0,0,0,0,0,0,0,0,0,41,168,243,253,248,222,98,14,6,6,0,0,0,0,0,0,38,253,249,0,0,0,0,0,0,0,0,112,227,253,224,124,52,0,0,0,0,0,0,0,0,0,0,20,209,253,145,0,0,0,0,0,0,0,0,255,190,73,24,0,0,0,0,0,0,0,0,0,0,0,23,201,253,253,62,0,0,0,0,0,0,0,0,21,6,0,0,0,0,0,0,0,0,0,0,0,7,121,204,253,251,130,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,176,253,253,190,118,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,146,246,248,144,20,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,186,253,214,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,250,253,137,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,251,233,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,223,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,214,253,233,211,126,149,128,124,207,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,196,223,253,253,237,221,133,9,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,75,75,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,29,29,29,29,128,92,216,253,203,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,170,187,252,252,253,252,252,252,253,252,252,151,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,253,233,168,205,253,252,99,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,241,115,116,139,28,22,0,213,253,151,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,242,47,0,0,0,7,154,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,171,13,0,0,82,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,171,10,60,234,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,128,191,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,235,253,255,222,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,240,110,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,253,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,126,138,247,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,104,246,244,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,25,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,125,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,253,129,10,0,114,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,171,57,144,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,252,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,91,139,177,252,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,87,0,0,0,0,0,0,0,0,0,140,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,24,0,0,0,0,0,0,0,0,140,254,233,31,0,0,0,0,0,0,0,0,0,0,0,0,0,62,201,0,0,0,0,0,0,0,0,0,140,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,62,210,6,0,0,0,0,0,0,0,0,65,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,47,0,0,0,0,0,0,0,0,9,225,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,114,0,0,0,0,0,0,0,0,6,223,250,47,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,102,0,0,0,0,0,0,0,0,53,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,155,0,0,0,0,0,0,0,0,53,254,220,2,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,240,91,0,0,0,0,0,0,0,53,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,200,17,0,0,0,0,0,20,206,255,255,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,166,254,208,87,0,0,0,44,175,239,165,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,220,252,237,176,238,247,239,92,44,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,120,221,254,202,146,26,0,44,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,35,0,0,0,0,37,246,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,244,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,225,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,212,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,213,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,163,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,254,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,191,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,149,156,156,194,89,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,241,253,253,254,245,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,226,253,225,78,78,61,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,240,68,0,0,2,181,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,245,70,0,0,0,0,175,79,114,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,174,0,0,0,0,0,0,137,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,254,91,0,0,0,0,0,0,136,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,39,0,0,0,0,0,0,204,253,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,222,18,0,0,0,0,0,126,251,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,230,240,30,0,0,0,0,53,235,253,253,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,209,9,0,0,23,156,239,254,254,254,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,254,175,118,207,229,254,243,203,199,253,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,253,253,253,253,254,68,0,136,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,177,213,213,183,19,19,3,0,151,253,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,193,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,191,255,255,191,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,64,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,191,255,255,191,64,0,128,255,255,255,255,255,191,128,0,191,255,255,64,0,0,0,0,0,0,0,0,64,255,255,255,64,0,128,191,255,255,255,128,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,191,255,255,191,191,255,255,255,255,128,64,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,64,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,168,121,83,157,183,254,255,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,254,254,254,189,164,158,237,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,173,246,203,8,8,2,0,20,233,247,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,69,0,0,0,0,113,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,230,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,240,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,209,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,132,175,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,201,254,254,205,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,254,254,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,254,206,142,254,238,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,242,254,218,24,9,246,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,250,81,0,0,169,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,220,0,0,0,76,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,98,79,0,0,0,73,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,180,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,228,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,44,124,140,140,140,140,156,251,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,254,254,254,254,254,254,254,254,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,242,254,254,254,254,254,254,254,254,254,203,73,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,254,254,254,254,254,254,254,254,255,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,254,254,254,254,254,254,253,160,230,254,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,225,95,0,4,91,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,254,252,244,168,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,71,191,161,74,44,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,254,254,254,254,254,254,254,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,253,253,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,142,142,225,253,253,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,253,253,109,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,201,253,253,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,219,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,238,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,243,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,253,253,238,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,238,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,219,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,240,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,222,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,117,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,253,253,253,124,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,142,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,92,169,255,254,255,166,134,38,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,97,237,253,253,253,214,177,177,186,253,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,250,253,252,195,117,32,16,0,0,4,133,248,5,0,0,0,0,0,0,0,0,0,0,0,0,1,126,253,252,189,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,227,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,223,252,119,0,0,0,0,0,0,0,0,0,0,0,10,5,0,0,0,0,0,0,0,0,0,0,0,76,253,210,0,0,0,0,0,0,0,0,0,0,0,62,237,180,0,0,0,0,0,0,0,0,0,0,0,76,253,243,50,0,0,0,0,0,0,0,0,0,58,235,253,221,0,0,0,0,0,0,0,0,0,0,0,7,225,253,168,9,0,0,0,0,0,2,42,166,244,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,211,162,162,110,124,162,170,253,253,224,213,253,198,0,0,0,0,0,0,0,0,0,0,0,0,2,119,191,253,253,253,253,253,253,253,192,120,25,150,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,20,124,124,124,124,124,22,6,0,0,173,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,216,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,173,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,170,255,216,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,137,253,254,253,224,144,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,175,108,226,253,248,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,228,253,169,3,0,223,253,199,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,222,253,200,6,0,47,246,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,236,33,0,0,165,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,99,0,0,34,218,253,236,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,245,0,0,0,132,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,205,0,0,40,240,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,230,238,0,17,200,254,253,166,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,155,96,254,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,253,254,193,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,63,227,253,189,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,228,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,234,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,203,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,43,216,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,67,143,207,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,215,254,253,253,253,232,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,253,254,253,235,173,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,219,253,181,88,88,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,253,42,75,122,30,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,254,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,255,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,109,33,138,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,210,15,0,67,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,176,0,0,96,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,85,0,14,207,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,250,60,0,43,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,116,0,25,216,253,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,254,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,16,141,239,253,239,103,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,253,253,253,234,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,240,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,215,138,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,61,48,193,59,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,134,254,254,254,254,254,176,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,48,234,254,253,249,249,249,251,254,246,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,226,81,0,0,0,40,165,254,169,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,220,254,154,33,0,0,0,0,0,7,93,241,86,0,0,0,0,0,0,0,0,0,0,0,0,0,21,209,254,155,7,0,0,0,0,0,0,0,0,69,12,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,223,0,0,0,0,0,0,0,0,85,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,227,43,0,0,0,0,0,0,0,34,223,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,246,173,0,0,0,0,0,0,0,4,154,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,173,0,0,0,0,0,0,5,148,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,237,61,0,0,0,20,59,147,254,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,254,243,110,189,239,243,249,254,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,254,229,254,190,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,129,244,254,254,254,168,48,222,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,31,82,10,4,10,241,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,223,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,241,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,19,2,16,19,19,77,77,31,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,254,186,243,253,253,254,253,253,215,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,131,254,254,255,254,254,254,254,255,254,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,253,253,254,253,253,210,198,83,70,108,108,37,0,0,0,0,0,0,0,0,0,0,0,0,0,37,231,253,188,253,159,107,36,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,251,253,253,253,110,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,136,238,254,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,83,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,19,82,217,254,212,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,147,64,19,84,110,160,226,253,253,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,220,253,253,253,254,253,253,253,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,172,196,181,208,129,78,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,4,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,167,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,201,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,251,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,250,174,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,232,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,248,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,211,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,143,253,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,207,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,234,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,234,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,246,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,152,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,192,183,148,87,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,201,252,252,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,179,253,252,252,252,244,232,247,242,232,232,233,153,19,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,221,119,49,0,142,247,252,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,253,217,29,0,0,0,0,38,182,252,253,252,232,70,0,0,0,0,0,0,0,0,0,0,0,22,253,253,254,63,0,0,0,0,0,0,82,253,254,253,214,0,0,0,0,0,0,0,0,0,0,0,0,6,189,252,253,63,0,0,0,0,0,87,232,252,253,224,84,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,22,206,251,252,252,241,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,16,108,183,252,252,236,189,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,253,63,9,186,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,247,254,174,201,253,253,255,253,179,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,252,252,252,252,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,119,253,252,252,252,252,65,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,112,252,253,252,252,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,253,252,252,252,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,253,254,142,66,218,253,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,252,252,253,127,142,252,252,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,252,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,170,252,253,252,252,252,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,147,226,252,182,147,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,253,152,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,195,120,40,24,24,24,15,24,24,19,3,24,9,0,0,0,0,0,0,0,0,0,0,0,0,0,32,169,254,253,253,253,254,253,228,253,254,240,191,253,210,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,142,184,151,185,184,184,184,185,184,216,254,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,114,241,253,216,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,157,207,237,253,242,128,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,195,111,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,221,216,109,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,254,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,147,185,248,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,254,248,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,194,228,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,122,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,154,254,250,185,100,77,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,82,229,254,254,254,254,234,176,211,115,71,6,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,2,130,254,180,103,188,215,254,254,254,254,254,249,211,78,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,227,42,0,0,6,65,65,65,65,65,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,218,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,238,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,152,6,17,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,231,254,198,194,254,235,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,254,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,228,125,41,124,254,249,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,254,245,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,241,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,120,0,0,0,0,131,245,248,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,32,39,141,239,253,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,189,224,254,254,211,146,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,178,254,254,173,49,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,240,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,240,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,248,97,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,152,255,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,187,253,190,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,228,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,137,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,188,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,242,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,244,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,207,225,53,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,101,244,254,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,175,253,253,211,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,137,6,180,253,20,88,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,246,253,178,12,0,177,253,159,223,223,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,218,253,180,14,0,0,177,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,253,190,9,0,0,84,247,253,253,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,131,0,33,93,211,253,236,252,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,126,188,237,253,254,233,59,243,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,220,95,33,24,88,252,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,221,221,216,92,0,0,0,9,217,255,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,213,253,222,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,249,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,228,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,172,161,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,43,43,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,85,173,253,252,252,252,156,0,0,0,0,0,0,0,0,0,0,0,15,22,18,0,0,6,110,128,206,234,252,252,253,252,252,238,55,0,0,0,0,0,0,0,0,0,0,41,225,252,239,169,111,134,252,253,252,252,252,252,190,153,84,28,0,0,0,0,0,0,0,0,0,0,0,171,252,252,253,252,240,204,252,236,226,252,182,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,236,45,80,9,27,106,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,244,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,237,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,221,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,69,4,0,107,255,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,186,85,199,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,168,252,252,252,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,186,252,252,199,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,42,42,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,153,220,255,237,153,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,241,206,211,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,234,104,34,0,74,253,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,38,0,0,34,240,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,212,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,146,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,254,254,229,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,123,206,237,249,146,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,192,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,104,7,0,0,0,0,0,0,128,245,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,165,42,0,17,43,55,138,254,253,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,242,249,207,225,249,253,253,254,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,202,253,254,253,253,253,254,151,69,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,47,55,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,207,74,24,108,157,207,237,240,145,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,254,253,253,219,69,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,255,254,197,151,34,0,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,254,143,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,199,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,237,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,254,185,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,197,120,70,70,87,237,254,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,156,223,254,253,215,139,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,46,46,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,24,0,0,0,0,0,0,2,198,211,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,189,0,0,0,0,0,0,11,233,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,189,0,0,0,0,0,0,16,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,189,0,0,0,0,0,0,91,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,214,21,1,4,3,16,16,180,254,174,96,170,169,158,105,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,195,206,202,253,253,254,253,237,176,142,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,165,47,127,127,127,127,117,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,225,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,250,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,154,153,20,0,3,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,245,238,238,165,38,223,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,190,34,112,177,79,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,251,162,31,0,2,3,162,249,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,166,220,23,0,0,0,37,245,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,73,0,0,0,0,78,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,9,0,0,0,29,218,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,97,0,0,0,119,254,218,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,145,216,14,0,16,222,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,236,144,202,254,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,128,211,248,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,250,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,255,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,239,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,255,244,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,104,156,133,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,224,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,254,253,253,253,222,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,254,212,49,19,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,253,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,254,69,0,0,31,79,79,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,191,70,227,241,254,253,247,219,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,254,253,253,253,253,254,253,253,253,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,255,254,254,254,254,196,195,236,254,254,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,253,253,129,39,0,0,27,184,253,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,223,186,107,6,0,0,0,0,12,212,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,3,0,0,0,0,0,0,7,204,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,118,118,185,250,253,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,148,222,65,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,161,223,247,124,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,215,94,151,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,215,164,26,0,1,161,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,175,14,0,0,0,137,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,246,22,0,0,0,52,214,240,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,170,0,0,0,65,237,239,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,96,0,8,149,248,89,165,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,212,131,229,199,56,23,244,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,76,104,59,0,0,96,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,225,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,214,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,185,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,220,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,236,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,202,216,18,110,136,189,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,140,249,253,253,253,253,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,238,253,253,253,253,253,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,237,253,253,253,253,253,253,253,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,253,253,253,165,47,177,253,253,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,253,253,208,7,0,160,253,253,253,253,253,250,203,30,0,0,0,0,0,0,0,0,0,0,0,0,0,113,250,206,20,0,0,160,253,253,253,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,145,230,230,130,112,118,232,253,225,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,179,253,184,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,183,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,205,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,201,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,155,252,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,242,253,253,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,84,111,241,253,253,249,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,101,214,238,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,253,110,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,187,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,255,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,203,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,193,249,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,250,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,214,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,231,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,246,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,182,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,255,253,143,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,246,252,252,253,252,252,218,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,252,245,195,119,214,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,245,121,0,0,28,215,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,118,0,0,0,48,227,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,168,0,0,0,0,147,253,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,167,0,0,0,38,234,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,253,233,88,73,197,222,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,252,252,252,252,253,242,198,205,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,252,252,190,74,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,140,140,63,0,0,57,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,152,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,142,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,254,253,152,152,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,142,253,252,253,252,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,253,254,253,234,233,255,253,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,253,252,253,212,30,30,172,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,233,254,253,254,253,203,20,0,0,52,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,253,252,233,70,20,0,0,0,51,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,254,172,41,0,0,0,0,0,52,253,254,253,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,212,131,10,0,0,0,0,0,0,92,252,253,252,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,91,0,0,0,0,0,0,0,0,153,253,254,172,0,0,0,0,0,0,0,0,0,0,173,252,253,252,233,30,0,0,0,0,0,0,0,0,233,252,253,171,0,0,0,0,0,0,0,0,0,123,254,253,254,233,82,0,0,0,0,0,0,0,0,41,254,253,254,131,0,0,0,0,0,0,0,0,21,223,253,252,253,111,0,0,0,0,0,0,0,0,41,243,253,252,172,10,0,0,0,0,0,0,0,0,152,253,254,253,183,0,0,0,0,0,0,0,0,82,214,253,254,253,82,0,0,0,0,0,0,0,0,0,193,252,253,252,61,0,0,0,0,0,0,0,82,243,253,252,253,90,0,0,0,0,0,0,0,0,0,0,152,253,254,253,21,0,0,0,0,0,51,173,254,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,162,20,0,0,62,183,253,252,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,253,255,253,254,253,254,253,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,253,252,253,252,253,252,253,252,192,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,162,203,223,254,253,244,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,71,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,47,130,210,255,156,150,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,221,253,253,253,253,253,253,226,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,190,253,253,231,177,120,228,253,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,253,181,26,0,76,253,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,185,4,0,0,199,253,253,253,251,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,239,253,170,27,0,0,99,252,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,136,253,253,86,0,0,0,202,253,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,206,11,0,4,166,236,253,192,247,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,181,0,0,50,253,253,174,99,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,181,0,60,198,253,233,44,89,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,228,253,239,202,236,253,253,72,0,89,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,204,241,253,253,216,45,1,0,89,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,159,62,10,0,0,0,125,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,225,253,212,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,238,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,68,68,39,0,95,252,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,238,218,246,253,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,223,253,253,253,253,244,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,46,133,213,213,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,37,130,167,255,255,163,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,136,61,92,136,136,162,253,253,253,253,253,253,41,8,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,253,253,253,253,253,253,253,253,253,253,253,207,19,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,253,253,253,247,192,105,147,250,253,253,141,0,0,0,0,0,0,0,0,0,0,0,53,168,222,222,222,201,99,99,99,72,0,0,0,217,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,241,253,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,221,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,188,253,253,253,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,222,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,248,253,253,217,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,194,217,90,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,241,28,0,0,0,0,57,74,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,233,220,70,141,156,166,242,246,144,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,144,204,254,254,254,254,254,203,114,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,240,255,254,254,202,121,95,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,198,148,240,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,251,217,166,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,217,254,255,202,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,52,125,235,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,245,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,232,233,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,238,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,211,231,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,134,247,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,175,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,176,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,200,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,246,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,59,0,0,0,0,0,0,5,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,134,0,0,0,0,0,5,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,169,0,0,0,0,0,8,254,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,169,0,0,0,0,0,95,254,233,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,169,0,0,0,0,0,95,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,219,92,4,11,59,97,187,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,149,254,254,226,229,254,254,254,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,163,223,230,238,223,223,235,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,28,0,0,95,254,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,216,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,162,245,254,254,170,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,239,254,253,253,253,254,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,253,254,240,232,253,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,254,81,91,253,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,254,255,186,254,254,255,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,253,254,253,253,253,254,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,249,236,254,253,244,253,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,19,103,103,128,253,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,211,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,220,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,248,240,248,163,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,75,34,163,251,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,220,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,241,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,32,116,116,116,228,253,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,197,253,253,254,253,253,253,235,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,254,254,236,248,254,254,254,237,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,247,254,253,248,106,146,251,253,236,82,207,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,253,145,119,254,253,242,54,0,9,215,202,119,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,219,30,234,254,253,196,0,0,0,140,219,235,17,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,237,203,254,254,224,17,0,0,0,0,0,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,253,253,253,216,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,253,253,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,119,202,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,118,228,248,248,214,118,118,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,232,246,253,253,253,253,253,253,253,245,241,157,43,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,109,19,19,19,19,53,149,224,253,253,253,242,225,46,0,0,0,0,0,0,0,0,0,0,49,237,253,109,3,0,0,0,0,0,0,18,49,170,253,253,253,232,45,0,0,0,0,0,0,0,0,0,171,253,110,3,0,0,0,0,0,0,0,0,0,26,209,95,216,253,117,0,0,0,0,0,0,0,0,0,254,214,8,0,0,0,0,0,0,0,0,0,0,0,87,0,40,253,229,42,0,0,0,0,0,0,0,0,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,253,163,0,0,0,0,0,0,0,0,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,0,0,0,0,0,0,0,0,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,0,0,0,0,0,0,0,0,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,0,0,0,0,0,0,0,0,254,160,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,0,0,0,0,0,0,0,0,231,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,162,0,0,0,0,0,0,0,0,106,252,159,3,0,0,0,0,0,0,0,0,0,0,0,0,14,217,252,104,0,0,0,0,0,0,0,0,0,164,253,49,4,0,0,0,0,0,0,0,0,0,0,4,118,253,230,0,0,0,0,0,0,0,0,0,0,45,232,253,116,17,0,0,0,0,0,0,0,5,44,166,253,252,105,0,0,0,0,0,0,0,0,0,0,0,46,224,251,216,150,150,150,150,83,150,150,166,253,253,231,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,240,251,253,253,253,253,253,253,244,240,159,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,117,117,117,117,117,117,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,237,255,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,215,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,199,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,241,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,217,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,202,155,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,193,202,19,6,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,226,21,0,0,141,27,22,64,64,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,212,0,0,0,62,168,200,253,253,236,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,89,0,0,0,0,176,254,171,240,254,220,11,0,0,0,0,0,0,0,0,0,0,0,0,0,8,198,218,0,0,0,0,0,11,142,94,69,240,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,147,0,0,0,0,0,0,0,9,0,159,254,247,19,0,0,0,0,0,0,0,0,0,0,0,0,154,253,77,0,0,0,0,0,0,0,0,0,80,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,233,227,25,0,0,0,0,0,0,0,0,0,0,210,253,153,0,0,0,0,0,0,0,0,0,0,0,0,234,190,0,0,0,0,0,0,0,0,0,0,0,88,254,233,0,0,0,0,0,0,0,0,0,0,0,0,233,190,0,0,0,0,0,0,0,0,0,0,0,43,253,239,29,0,0,0,0,0,0,0,0,0,0,0,233,190,0,0,0,0,0,0,0,0,0,0,0,43,253,253,84,0,0,0,0,0,0,0,0,0,0,22,238,190,0,0,0,0,0,0,0,0,0,0,0,43,253,253,84,0,0,0,0,0,0,0,0,0,0,50,245,216,18,0,0,0,0,0,0,0,0,0,0,43,253,245,49,0,0,0,0,0,0,0,0,0,0,0,234,254,60,0,0,0,0,0,0,0,0,0,18,123,254,215,0,0,0,0,0,0,0,0,0,0,0,0,119,253,183,0,0,0,0,0,0,0,0,22,155,254,253,91,0,0,0,0,0,0,0,0,0,0,0,0,11,211,253,234,153,30,22,22,22,102,136,238,253,224,127,11,0,0,0,0,0,0,0,0,0,0,0,0,0,57,199,254,253,253,253,253,254,253,253,237,145,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,87,42,139,174,253,254,218,147,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,156,239,186,104,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,254,253,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,180,253,254,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,129,247,253,253,229,213,146,64,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,162,80,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,253,202,118,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,211,253,253,253,183,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,49,175,253,254,236,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,208,254,253,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,245,254,223,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,42,0,0,0,0,14,229,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,201,121,0,0,0,0,0,124,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,0,0,79,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,255,122,0,0,0,0,0,0,235,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,250,184,65,20,0,0,67,250,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,176,175,199,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,146,250,253,254,253,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,155,216,253,222,140,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,166,61,0,0,0,0,0,52,218,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,178,0,0,0,0,0,170,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,183,0,0,0,0,0,170,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,183,0,0,0,0,3,212,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,113,0,0,0,0,45,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,214,254,59,0,0,0,0,160,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,4,0,0,0,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,200,2,0,0,0,12,229,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,118,0,0,0,0,102,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,247,10,0,0,0,0,186,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,246,0,0,0,12,27,204,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,252,197,197,197,217,245,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,253,254,250,251,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,58,85,6,45,254,242,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,227,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,68,240,241,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,253,254,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,237,253,253,254,253,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,181,253,253,186,101,253,253,186,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,203,12,144,253,253,253,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,90,39,182,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,249,253,253,108,227,254,253,253,249,253,207,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,254,253,173,136,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,193,253,253,253,253,253,244,147,12,133,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,253,205,29,0,0,133,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,115,0,0,0,0,133,255,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,116,182,77,20,0,0,0,27,213,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,180,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,241,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,240,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,186,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,123,253,253,227,104,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,155,242,253,252,252,252,252,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,253,252,233,231,249,253,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,199,84,7,43,221,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,252,121,18,0,0,169,252,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,201,253,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,48,171,245,252,252,252,252,250,197,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,252,252,252,253,252,252,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,253,252,252,226,147,42,77,200,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,212,230,131,53,0,0,0,0,0,98,247,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,27,0,0,0,0,0,0,0,0,211,253,170,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,221,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,253,253,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,103,211,252,252,252,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,18,225,144,128,127,224,232,241,253,252,252,252,252,214,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,252,252,252,252,253,252,252,252,226,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,226,252,252,252,253,173,147,77,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,178,255,254,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,222,243,243,243,252,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,124,0,0,0,160,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,49,0,0,0,126,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,16,0,0,0,126,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,231,202,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,240,141,101,202,249,158,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,253,253,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,103,145,235,206,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,194,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,157,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,172,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,65,0,0,0,14,192,250,168,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,205,44,31,106,213,253,140,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,249,248,254,237,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,183,253,220,138,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,243,179,0,0,0,0,17,139,138,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,137,0,0,5,141,224,247,251,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,0,0,147,253,219,84,163,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,138,0,153,254,155,25,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,134,241,139,4,0,0,189,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,137,184,176,0,0,0,57,249,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,146,209,93,0,0,0,170,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,239,185,93,0,7,104,255,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,251,105,9,43,166,253,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,249,253,208,249,253,244,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,254,168,119,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,196,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,98,181,184,184,102,67,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,228,254,254,254,254,254,254,202,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,145,254,250,244,163,150,150,150,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,236,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,236,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,96,13,36,92,57,92,57,36,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,234,254,241,225,240,254,254,254,254,240,184,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,254,160,111,138,187,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,141,232,188,109,25,0,0,0,76,255,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,0,0,0,0,0,0,9,238,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,141,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,61,0,0,0,0,0,0,2,83,232,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,219,6,0,0,0,0,10,132,254,254,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,201,7,0,0,23,208,254,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,254,224,231,245,248,254,254,237,179,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,225,253,254,254,255,254,193,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,205,183,160,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,41,255,210,193,68,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,230,253,253,253,253,183,175,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,175,253,253,253,253,253,235,226,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,172,170,86,170,203,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,164,124,23,0,0,0,8,101,253,238,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,202,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,250,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,110,253,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,233,220,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,126,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,219,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,83,251,170,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,163,253,248,13,13,4,100,70,64,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,252,222,220,186,253,253,253,174,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,252,251,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,191,78,107,141,167,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,162,149,63,89,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,43,43,123,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,146,190,247,252,252,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,162,240,232,231,231,205,126,109,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,240,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,71,0,6,22,22,22,31,57,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,111,117,190,252,190,189,221,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,244,121,42,0,0,21,68,235,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,53,0,0,0,0,0,0,132,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,4,14,0,0,0,0,0,0,0,0,4,96,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,140,14,0,0,0,0,0,0,0,136,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,237,236,22,6,0,0,0,22,136,251,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,198,253,189,169,169,169,253,205,136,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,104,147,200,252,252,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,120,199,254,255,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,227,153,57,145,253,191,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,81,0,0,1,144,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,0,0,0,0,14,216,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,107,233,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,53,143,156,156,156,194,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,220,253,253,253,253,253,253,253,215,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,223,232,110,5,5,5,5,203,253,253,237,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,88,0,0,0,0,19,220,222,98,248,235,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,121,2,0,0,0,0,65,253,156,0,70,215,246,132,0,0,0,0,0,0,0,0,0,0,0,0,0,244,67,0,0,0,0,0,156,253,34,0,0,52,161,234,132,0,0,0,0,0,0,0,0,0,0,0,0,193,67,0,0,0,0,0,156,205,3,0,0,0,13,124,223,0,0,0,0,0,0,0,0,0,0,0,0,140,95,0,0,0,0,0,156,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,242,165,39,0,0,52,238,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,227,77,161,201,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,110,253,253,185,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,156,156,156,255,208,156,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,232,247,233,233,234,250,253,247,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,129,54,0,0,0,66,108,217,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,0,0,26,221,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,240,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,219,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,253,189,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,146,160,153,194,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,228,253,253,253,254,253,253,227,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,125,58,88,253,254,125,193,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,135,0,71,209,254,76,0,0,175,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,53,108,241,234,61,0,0,0,129,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,185,109,241,228,111,0,0,0,0,40,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,245,246,174,43,0,0,0,0,0,3,199,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,96,9,0,0,0,0,0,0,0,83,133,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,144,241,221,254,245,192,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,147,253,253,255,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,254,198,44,149,154,188,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,248,253,247,241,255,251,52,0,0,43,242,160,6,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,253,244,90,39,230,253,219,31,0,0,232,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,250,88,0,0,57,253,253,159,0,0,232,180,14,0,0,0,0,0,0,0,0,0,0,0,0,16,208,253,233,0,0,0,3,128,252,252,133,0,73,52,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,22,0,0,0,0,0,191,253,232,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,253,188,6,0,0,0,0,0,26,246,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,69,0,0,0,0,0,0,0,147,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,136,0,0,0,0,0,0,0,0,68,243,254,132,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,166,253,160,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,88,0,0,0,0,0,0,0,0,0,166,253,150,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,88,0,0,0,0,0,0,0,0,0,70,253,131,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,88,0,0,0,0,0,0,0,0,30,185,253,60,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,171,253,145,5,0,0,0,0,0,0,0,0,0,0,0,0,35,233,253,215,31,0,0,0,0,2,12,104,248,203,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,253,219,155,88,127,107,168,253,253,250,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,254,253,223,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,158,253,253,253,253,192,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,62,146,189,143,86,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,200,254,227,194,221,251,195,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,228,94,10,104,142,249,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,250,66,0,0,77,123,123,34,43,155,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,192,0,0,0,0,0,0,0,83,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,155,0,0,0,0,0,0,0,83,255,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,179,0,0,0,0,0,0,0,183,120,161,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,117,0,0,0,0,0,126,227,30,9,185,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,250,217,172,146,172,220,225,59,0,0,16,234,175,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,74,74,116,155,134,29,0,0,0,0,95,235,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,250,81,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,250,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,241,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,202,205,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,99,222,208,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,215,254,254,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,177,254,254,255,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,226,254,254,254,213,143,194,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,242,254,254,241,122,11,0,168,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,199,43,0,0,0,219,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,239,205,8,0,0,0,33,236,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,207,254,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,254,165,19,0,0,0,0,0,0,0,0,0,0,0,6,119,242,250,244,146,59,17,0,0,0,96,222,254,243,30,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,195,89,2,104,251,254,254,187,0,0,0,0,0,0,0,0,0,0,0,6,70,250,254,238,193,168,223,249,254,254,240,251,254,254,209,11,0,0,0,0,0,0,0,0,0,0,0,48,254,254,121,36,0,0,0,63,224,254,254,254,254,198,8,0,0,0,0,0,0,0,0,0,0,0,0,184,254,120,7,0,0,0,0,65,245,254,254,254,254,247,128,16,0,0,0,0,0,0,0,0,0,0,0,151,254,10,0,0,0,67,172,241,254,254,198,83,189,254,254,233,126,25,28,0,0,0,0,0,0,0,0,147,254,147,11,64,187,250,254,254,227,140,17,0,5,68,191,247,254,230,180,0,0,0,0,0,0,0,0,37,242,254,254,254,254,254,254,161,36,0,0,0,0,0,0,25,94,73,0,0,0,0,0,0,0,0,0,0,75,251,254,254,225,144,46,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,158,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,121,253,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,253,213,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,120,253,224,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,247,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,243,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,228,28,0,0,60,60,24,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,86,18,175,242,242,223,219,211,105,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,229,224,253,253,253,253,253,253,253,239,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,167,253,253,253,231,154,60,30,30,73,239,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,221,28,0,0,0,37,232,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,36,215,253,253,240,141,112,112,221,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,253,253,253,253,253,253,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,129,220,253,253,153,26,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,151,151,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,236,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,181,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,254,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,250,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,232,254,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,88,81,146,229,250,214,146,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,214,245,254,254,254,254,254,236,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,223,182,197,254,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,235,130,0,0,42,210,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,254,223,29,0,0,98,248,254,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,254,254,219,109,68,251,254,205,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,254,254,254,254,254,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,254,254,245,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,72,152,254,214,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,177,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,151,248,248,157,206,253,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,218,253,253,253,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,253,253,253,253,188,157,253,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,249,253,253,230,128,133,253,190,60,13,211,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,253,253,147,0,30,176,91,0,0,97,253,253,0,0,0,0,0,0,0,0,0,0,0,0,84,229,253,253,253,154,10,0,0,6,14,0,0,125,253,253,0,0,0,0,0,0,0,0,0,0,0,33,213,253,253,253,231,40,0,0,0,0,0,0,0,143,253,213,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,231,63,0,0,0,0,0,0,0,6,174,253,123,0,0,0,0,0,0,0,0,0,0,120,249,253,253,231,63,0,0,0,0,0,0,0,0,20,253,253,123,0,0,0,0,0,0,0,0,0,88,250,253,253,253,71,0,0,0,0,0,0,0,0,0,118,253,252,95,0,0,0,0,0,0,0,0,0,212,253,253,253,187,11,0,0,0,0,0,0,0,0,6,171,253,220,0,0,0,0,0,0,0,0,0,177,252,253,253,185,50,0,0,0,0,0,0,0,0,6,134,253,253,117,0,0,0,0,0,0,0,0,0,254,253,253,253,68,0,0,0,0,0,0,0,0,47,180,253,253,224,39,0,0,0,0,0,0,0,0,0,254,253,253,186,9,0,0,0,0,0,0,0,114,223,253,253,241,40,0,0,0,0,0,0,0,0,0,0,254,253,253,82,0,0,0,0,0,21,57,156,224,253,253,237,209,0,0,0,0,0,0,0,0,0,0,0,254,253,253,211,83,36,20,61,150,230,253,253,253,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,253,253,253,253,253,253,244,220,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,253,253,253,221,210,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,123,240,253,253,253,253,219,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,192,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,224,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,221,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,254,255,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,150,184,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,76,19,133,133,191,133,133,93,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,253,253,249,229,248,253,212,94,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,212,212,96,96,78,0,74,206,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,227,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,253,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,243,253,77,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,184,246,253,135,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,192,253,253,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,198,253,242,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,77,249,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,141,198,253,253,207,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,199,253,253,230,83,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,202,253,253,253,194,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,210,253,237,139,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,223,98,98,98,98,98,98,104,206,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,253,253,253,253,253,254,253,250,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,143,253,230,132,225,253,149,184,253,249,132,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,108,108,242,241,121,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,123,228,230,253,253,254,253,253,232,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,225,253,253,253,249,173,174,173,245,253,243,99,0,43,0,0,0,0,0,0,0,0,0,0,0,0,111,245,253,253,207,102,50,0,0,0,97,207,253,214,21,42,92,0,0,0,0,0,0,0,0,0,0,80,247,253,253,185,21,0,0,0,0,0,0,21,186,253,178,0,134,0,0,0,0,0,0,0,0,0,0,128,253,253,186,21,0,0,0,0,0,0,0,0,21,187,241,64,143,104,0,0,0,0,0,0,0,0,13,242,253,202,20,0,0,0,0,0,0,0,0,0,0,49,231,194,214,168,0,0,0,0,0,0,0,0,121,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,17,199,252,114,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,161,240,0,0,0,0,0,0,0,0,0,122,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,41,255,241,0,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,0,0,0,0,0,0,23,130,253,183,0,0,0,0,0,0,0,0,0,191,253,253,39,0,0,0,0,0,0,0,0,0,0,0,54,253,179,11,0,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,0,0,0,0,0,64,188,198,64,0,0,0,0,0,0,0,0,0,0,25,244,253,75,0,0,0,0,0,0,0,0,25,110,242,211,17,0,0,0,0,0,0,0,0,0,0,0,0,213,253,232,68,0,0,0,0,0,0,52,198,253,239,87,0,0,0,0,0,0,0,0,0,0,0,0,0,91,249,253,232,76,41,15,24,41,175,249,253,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,235,253,253,253,194,214,253,255,253,229,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,141,240,240,240,240,240,177,107,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,158,211,255,191,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,216,247,254,254,243,254,249,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,236,157,67,67,42,120,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,204,9,0,0,0,0,2,231,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,26,0,0,0,0,0,44,241,251,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,230,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,229,254,176,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,201,211,175,234,246,143,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,244,254,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,92,110,225,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,225,240,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,184,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,153,254,208,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,68,104,68,42,37,0,64,185,254,217,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,243,241,226,252,254,231,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,120,157,157,194,165,254,199,116,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,142,226,255,134,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,254,202,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,248,254,254,202,202,254,201,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,249,128,7,8,183,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,216,254,216,0,0,0,77,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,235,28,0,0,0,22,240,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,144,0,0,0,0,0,87,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,254,62,0,0,0,0,0,44,254,214,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,9,0,0,0,0,0,30,237,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,239,254,27,0,0,0,0,0,0,202,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,27,0,0,0,0,0,0,124,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,9,0,0,0,0,0,0,106,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,233,254,9,0,0,0,0,0,0,123,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,13,0,0,0,0,0,19,223,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,105,0,0,0,0,0,71,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,192,0,0,0,0,56,236,254,215,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,202,1,0,1,53,235,254,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,99,68,139,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,244,254,254,254,254,254,254,219,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,177,254,254,254,206,62,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,138,138,233,253,191,118,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,161,253,252,252,252,210,253,252,227,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,215,162,69,69,6,69,154,252,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,160,108,21,0,0,0,0,0,47,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,136,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,21,0,0,0,0,9,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,252,147,0,0,0,0,106,181,238,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,245,42,87,138,170,253,253,231,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,252,252,219,244,253,252,252,235,153,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,252,252,252,252,215,162,69,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,176,108,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,190,64,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,155,198,155,198,198,124,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,254,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,254,254,241,234,254,254,240,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,243,143,20,17,16,20,63,29,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,245,254,73,0,59,74,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,57,184,248,254,244,114,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,254,254,254,254,254,254,254,254,159,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,254,254,254,230,145,145,181,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,251,202,115,38,0,0,0,154,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,198,0,0,0,0,0,0,7,197,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,79,3,0,0,0,0,0,0,0,68,250,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,243,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,207,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,136,253,240,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,109,219,254,190,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,14,0,5,11,13,201,254,231,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,207,161,205,254,254,219,114,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,212,162,150,148,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,128,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,11,7,6,6,7,7,13,13,106,133,238,150,1,0,0,0,0,0,0,0,0,13,25,100,145,145,176,217,238,207,197,198,207,202,253,253,253,253,253,253,23,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,253,253,253,254,253,253,253,253,243,176,231,253,132,0,0,0,0,0,0,0,0,148,228,235,221,205,205,221,235,228,205,200,96,129,84,84,60,0,218,253,75,0,0,0,0,0,0,0,0,0,35,45,24,0,0,24,45,35,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,240,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,186,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,201,11,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,214,250,159,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,184,254,254,254,254,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,254,254,254,254,254,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,236,142,37,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,174,254,91,0,10,224,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,254,77,0,15,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,153,254,150,3,128,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,159,229,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,127,254,254,254,254,254,217,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,82,164,172,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,236,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,239,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,235,254,241,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,190,254,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,235,255,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,191,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,251,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,255,188,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,234,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,47,134,214,255,254,255,156,77,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,247,253,213,160,160,160,160,248,253,152,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,251,251,149,22,0,0,0,0,9,85,167,251,191,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,253,249,187,187,166,51,0,0,0,0,6,159,209,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,252,227,185,233,246,153,0,0,0,0,33,26,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,233,128,0,0,16,188,224,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,235,54,0,0,0,0,99,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,43,0,0,0,0,0,99,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,58,0,0,0,0,105,251,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,92,0,0,0,36,226,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,206,11,0,0,6,163,253,156,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,170,0,0,5,156,253,191,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,131,11,83,208,253,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,253,250,171,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,184,253,224,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,100,0,0,0,35,155,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,214,235,135,27,100,228,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,246,253,253,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,254,253,253,253,253,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,253,253,254,253,253,253,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,253,254,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,253,254,253,253,253,232,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,254,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,254,253,205,253,253,242,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,240,97,0,0,230,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,187,58,0,0,0,133,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,61,79,0,0,0,0,0,0,21,246,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,253,218,0,0,0,0,0,0,5,185,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,170,0,0,0,0,0,0,148,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,252,165,122,122,123,151,232,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,238,253,253,253,253,253,255,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,237,253,253,253,253,254,253,253,253,203,90,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,196,234,225,253,254,253,161,85,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,195,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,248,210,53,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,141,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,162,237,254,146,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,60,16,191,254,219,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,254,234,29,0,12,206,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,181,0,0,0,68,241,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,60,0,0,0,0,121,254,243,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,189,4,0,0,0,0,39,254,254,236,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,169,0,0,0,0,0,1,152,245,154,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,254,169,0,0,0,0,0,0,71,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,107,0,0,0,0,0,0,71,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,254,154,0,0,0,0,0,0,71,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,169,0,0,0,0,0,0,98,254,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,178,2,0,0,0,0,2,178,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,117,0,0,0,0,87,254,247,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,254,236,135,37,77,198,244,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,254,254,254,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,234,254,254,254,254,252,154,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,154,253,254,191,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,144,173,254,196,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,67,172,253,254,253,253,253,212,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,203,253,253,253,198,126,87,249,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,250,197,121,53,6,115,249,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,246,73,0,0,0,91,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,234,242,0,0,0,65,237,253,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,145,3,59,245,250,108,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,230,253,180,241,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,196,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,254,227,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,250,120,158,245,255,200,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,199,0,0,129,254,253,236,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,131,0,0,5,187,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,131,0,0,0,26,237,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,219,0,0,0,0,68,238,239,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,222,248,55,3,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,230,253,180,107,45,74,237,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,253,253,254,253,253,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,67,191,254,224,143,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,78,156,253,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,201,252,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,84,232,249,253,252,224,126,126,170,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,171,252,252,252,216,110,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,226,103,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,116,0,0,0,0,43,180,232,188,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,63,0,0,0,55,197,252,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,186,9,71,194,236,252,146,138,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,253,253,253,253,212,71,0,64,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,125,196,245,203,124,27,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,9,0,0,0,0,32,232,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,55,24,0,0,0,0,0,0,0,0,0,0,0,4,16,0,0,0,0,0,0,0,0,0,0,0,75,243,254,232,217,217,152,160,128,82,76,128,128,128,205,220,169,0,0,0,0,0,0,0,0,0,0,0,199,253,254,253,253,253,253,254,253,253,253,253,254,253,253,251,67,0,0,0,0,0,0,0,0,0,0,14,218,253,254,253,253,253,253,221,253,253,253,253,254,253,253,169,0,0,0,0,0,0,0,0,0,47,182,254,254,254,255,254,254,202,169,228,254,254,157,124,66,0,0,0,0,0,0,0,0,0,0,0,0,125,253,212,108,108,50,83,18,5,5,12,18,18,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,176,102,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,251,253,253,253,200,96,51,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,254,253,253,157,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,162,181,255,228,254,254,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,4,0,0,0,18,31,193,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,109,0,0,0,0,0,6,148,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,222,22,0,0,0,0,0,25,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,217,104,0,0,0,46,193,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,255,254,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,206,253,253,254,253,253,236,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,75,158,217,164,127,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,218,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,151,252,253,253,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,170,142,219,253,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,172,38,0,37,219,253,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,209,249,188,6,0,0,0,120,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,225,49,0,0,0,0,26,221,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,65,0,0,0,0,0,0,163,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,236,253,183,8,0,0,0,0,0,0,163,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,180,34,0,0,0,0,0,0,0,163,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,162,0,0,0,0,0,0,0,0,163,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,131,0,0,0,0,0,0,0,10,184,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,81,248,253,32,0,0,0,0,0,0,0,40,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,32,0,0,0,0,0,0,0,130,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,120,0,0,0,0,0,0,8,182,253,236,35,0,0,0,0,0,0,0,0,0,0,0,0,0,97,251,253,162,0,0,0,0,0,7,139,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,218,37,0,0,0,7,74,253,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,253,219,43,20,54,174,253,253,240,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,253,253,253,253,253,244,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,165,253,253,253,253,252,220,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,123,123,227,152,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,211,138,128,24,24,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,252,219,161,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,152,183,130,184,183,202,252,252,247,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,192,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,78,161,244,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,184,185,228,252,252,221,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,227,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,137,253,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,245,222,97,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,219,252,117,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,192,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,66,120,5,0,0,0,0,0,0,9,130,236,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,240,190,70,25,0,0,64,70,155,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,253,223,207,207,248,253,252,227,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,75,148,200,252,252,252,243,117,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,141,224,201,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,167,19,167,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,24,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,237,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,253,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,77,246,250,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,59,127,246,254,209,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,253,254,253,226,214,214,215,214,184,118,118,58,20,6,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,254,253,253,253,253,254,253,253,253,253,254,253,169,67,0,0,0,0,0,0,0,0,0,132,247,225,219,237,214,213,213,213,213,223,219,226,253,253,254,253,253,250,196,0,0,0,0,0,0,0,0,0,49,18,9,36,0,0,0,0,0,14,9,18,58,58,58,103,155,193,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,106,255,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,113,243,214,83,18,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,186,234,107,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,173,234,216,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,220,105,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,72,0,0,6,37,69,128,128,115,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,72,38,128,207,251,235,235,235,237,249,167,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,201,228,233,162,86,0,0,0,11,85,253,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,254,124,7,0,0,0,0,0,0,0,98,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,18,0,0,0,0,0,0,0,0,0,0,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,52,0,0,0,0,0,0,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,203,0,0,0,0,0,27,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,245,42,0,0,0,4,158,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,195,14,0,0,45,253,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,215,193,109,154,241,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,163,247,253,175,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,155,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,187,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,156,19,0,0,33,169,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,200,19,0,0,0,136,241,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,164,20,0,0,0,131,251,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,166,20,0,0,10,114,250,219,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,200,72,0,0,29,175,254,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,154,3,47,172,214,199,255,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,185,153,208,132,38,149,220,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,226,173,5,0,118,248,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,37,221,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,180,178,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,238,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,178,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,176,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,208,216,254,136,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,70,174,236,237,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,242,54,63,176,191,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,162,0,0,13,186,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,199,17,0,0,0,57,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,98,0,0,0,0,24,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,222,13,0,0,0,0,13,221,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,118,0,0,0,0,0,0,184,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,254,34,0,0,0,0,0,0,185,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,151,0,0,0,0,0,0,22,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,253,69,0,0,0,0,0,0,24,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,202,19,0,0,0,0,0,0,125,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,46,0,0,0,0,0,0,30,237,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,210,4,0,0,0,0,0,13,185,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,198,0,0,0,0,0,9,120,248,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,115,0,0,0,0,0,127,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,255,23,0,0,0,38,153,254,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,107,0,0,106,201,232,106,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,211,124,207,254,223,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,152,194,160,103,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,192,109,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,222,252,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,242,252,252,217,247,221,37,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,252,231,108,0,134,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,220,41,0,0,134,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,179,0,0,135,247,252,252,119,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,221,253,179,6,120,253,252,226,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,221,160,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,253,253,208,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,212,253,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,207,252,210,180,242,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,246,92,0,217,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,215,0,0,217,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,253,180,0,63,171,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,200,94,237,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,252,252,253,179,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,252,252,252,252,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,72,193,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,203,243,253,252,253,252,142,0,0,82,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,253,254,253,234,30,92,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,212,131,50,50,212,233,112,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,192,41,0,0,0,0,203,254,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,192,41,0,0,0,0,203,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,132,10,0,0,31,213,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,131,0,0,193,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,253,132,213,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,244,162,254,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,212,122,0,172,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,151,0,0,0,203,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,151,0,0,0,81,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,213,82,0,0,0,214,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,243,162,203,162,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,254,253,254,253,254,192,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,171,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,84,0,0,121,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,135,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,135,0,0,128,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,244,115,0,0,98,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,195,0,0,0,98,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,196,0,0,0,99,255,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,245,33,0,0,98,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,235,27,0,13,145,254,253,199,124,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,105,0,58,192,253,254,253,253,253,200,137,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,173,128,235,253,253,254,253,253,253,253,254,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,255,254,254,229,98,255,254,78,53,98,99,98,30,0,0,0,0,0,0,0,0,0,0,0,0,7,235,253,254,251,165,115,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,254,135,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,169,18,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,139,23,0,0,0,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,198,215,239,197,197,198,72,57,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,123,215,253,252,252,252,252,253,252,252,242,169,16,0,0,0,0,0,0,0,0,0,0,0,0,0,48,165,252,252,253,252,173,157,112,112,237,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,252,179,27,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,220,37,0,0,0,0,0,0,57,38,45,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,196,169,169,169,169,169,169,253,224,234,196,169,29,154,59,10,0,0,0,0,0,0,0,0,0,174,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,161,0,0,0,0,0,0,0,0,0,0,163,253,253,253,255,152,140,203,140,141,140,140,140,140,255,253,253,253,174,0,0,0,0,0,0,0,0,0,9,27,122,89,27,3,0,15,0,0,0,0,0,0,27,103,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,122,252,252,252,0,0,0,0,0,0,0,0,0,0,132,169,91,0,0,0,0,0,0,0,0,4,29,207,252,252,249,145,0,0,0,0,0,0,0,0,0,0,119,252,252,141,94,0,0,0,0,0,0,107,252,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,253,253,253,253,255,253,253,253,253,255,253,165,47,0,0,0,0,0,0,0,0,0,0,0,0,34,167,253,252,252,252,252,253,252,252,252,252,168,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,55,55,149,195,196,148,55,55,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,202,253,230,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,139,253,252,252,252,226,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,187,252,211,96,96,176,242,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,206,0,0,0,10,194,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,226,9,0,0,27,194,252,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,143,0,4,85,201,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,143,81,208,252,240,167,82,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,237,251,249,87,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,220,252,148,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,127,122,121,121,121,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,255,246,166,121,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,252,229,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,189,252,167,5,219,243,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,187,8,0,10,231,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,235,252,70,0,0,0,53,229,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,228,25,0,0,0,0,65,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,239,252,128,0,0,0,0,0,77,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,252,48,0,88,97,51,166,239,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,233,171,250,252,242,252,184,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,166,252,206,131,131,127,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,152,233,254,112,11,92,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,163,223,253,130,50,30,173,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,233,254,213,41,0,0,163,255,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,253,252,172,10,0,0,82,243,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,233,254,253,183,61,0,0,0,21,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,41,163,223,253,252,151,70,0,0,0,0,0,183,253,212,20,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,254,253,152,71,41,0,0,0,132,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,252,253,252,253,252,243,162,102,142,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,102,203,203,234,253,254,253,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,253,252,253,252,162,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,254,213,102,223,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,213,10,0,40,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,233,41,0,0,0,152,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,71,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,142,0,0,0,0,0,72,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,20,0,0,0,0,0,193,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,0,72,233,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,41,0,102,183,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,253,254,253,203,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,252,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,11,0,0,0,0,0,0,0,0,0,105,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,225,26,0,0,0,0,0,0,0,19,234,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,35,246,254,71,0,0,0,0,0,0,0,84,254,247,9,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,15,0,0,0,0,0,0,0,167,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,195,4,0,0,0,0,0,11,86,202,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,57,251,244,41,0,0,0,0,0,0,130,235,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,166,0,0,0,0,0,0,96,250,176,254,144,1,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,211,17,0,0,0,0,60,239,119,202,249,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,250,254,196,83,15,45,154,241,176,79,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,237,243,254,186,12,170,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,143,235,252,231,137,0,40,245,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,47,0,0,0,124,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,206,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,224,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,243,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,184,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,245,210,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,18,18,127,137,137,192,107,18,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,36,56,178,254,254,254,254,254,254,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,213,254,254,254,254,254,206,201,187,83,83,83,12,0,0,0,0,0,0,0,0,0,0,0,0,0,155,247,254,254,254,238,92,65,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,254,250,47,47,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,234,254,159,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,237,254,254,252,142,68,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,191,213,233,254,254,189,125,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,88,195,237,254,190,126,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,95,242,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,201,253,200,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,197,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,82,255,227,30,0,0,0,0,0,0,0,0,0,0,0,0,24,182,13,0,0,0,0,0,0,0,0,22,209,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,169,12,0,0,0,0,0,0,56,205,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,8,150,254,170,84,4,0,0,59,120,246,254,251,102,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,153,236,254,221,220,220,244,254,254,210,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,67,191,191,135,191,135,36,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,201,0,0,9,39,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,240,39,0,60,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,207,7,0,60,254,214,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,231,254,135,0,0,60,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,249,63,0,0,41,239,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,203,254,182,0,0,0,29,229,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,238,17,0,0,0,60,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,237,254,130,0,0,0,0,98,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,254,209,11,24,126,126,181,248,254,254,249,227,4,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,237,194,254,254,254,254,254,254,254,189,55,0,0,0,0,0,0,0,0,0,0,0,0,0,5,233,254,254,254,254,249,162,123,54,101,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,193,248,233,165,41,15,0,0,0,60,254,229,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,59,0,0,0,0,0,0,0,86,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,251,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,255,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,243,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,136,189,236,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,222,247,254,254,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,175,250,254,254,239,119,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,181,238,254,254,254,206,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,93,238,254,221,100,224,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,175,254,251,189,34,115,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,188,54,0,71,245,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,185,100,27,173,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,222,254,254,244,253,254,124,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,101,148,205,254,254,254,242,127,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,247,191,223,236,254,197,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,128,0,0,25,155,249,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,107,0,0,0,0,106,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,107,0,0,0,0,27,249,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,107,0,0,0,0,50,251,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,201,7,0,0,0,81,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,77,0,0,1,171,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,231,166,5,2,95,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,203,197,250,153,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,123,144,179,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,72,245,254,254,254,144,144,187,245,120,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,253,254,253,253,253,253,227,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,254,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,250,253,253,172,39,10,11,88,221,253,253,197,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,99,0,0,0,0,35,88,88,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,221,122,122,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,253,253,242,155,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,253,253,254,253,228,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,253,253,253,253,253,254,253,253,241,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,111,111,44,0,49,126,244,254,254,230,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,242,253,253,193,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,0,0,0,0,0,0,0,0,4,137,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,58,0,0,0,0,0,0,0,0,205,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,194,19,0,0,0,0,0,0,118,251,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,237,179,55,12,12,75,151,250,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,238,253,253,253,253,253,255,253,253,253,253,180,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,213,253,253,253,253,254,253,253,253,130,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,86,124,115,239,254,253,210,37,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,195,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,242,252,248,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,252,252,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,197,252,252,252,253,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,252,252,252,223,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,238,252,252,169,31,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,182,252,252,252,104,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,111,97,253,252,230,177,130,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,252,252,253,252,252,252,252,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,252,252,252,252,252,253,252,252,252,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,121,230,241,255,253,252,160,121,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,252,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,201,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,150,219,255,191,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,236,253,253,253,253,253,181,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,251,149,116,217,246,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,253,85,0,0,0,94,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,186,3,0,0,0,0,153,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,181,0,0,0,0,69,221,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,215,15,0,0,46,235,253,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,249,253,125,0,0,40,109,88,22,0,45,63,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,245,84,1,0,0,0,0,74,242,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,142,253,253,169,53,11,0,76,248,253,249,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,189,253,253,253,213,202,241,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,73,153,212,212,246,212,191,221,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,135,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,221,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,185,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,254,254,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,254,220,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,255,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,198,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,213,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,135,254,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,231,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,254,150,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,231,254,186,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,81,204,240,254,189,8,0,0,0,3,103,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,254,254,254,84,0,0,0,0,128,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,42,234,255,254,254,246,254,204,11,0,3,96,242,100,4,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,254,212,49,160,254,147,17,88,254,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,254,254,239,63,0,8,206,254,185,252,251,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,184,12,0,0,0,37,205,254,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,233,14,0,0,0,0,0,8,46,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,54,150,153,254,255,237,115,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,236,253,253,253,253,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,230,172,114,114,236,253,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,253,131,23,0,0,0,69,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,20,3,0,0,0,0,106,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,232,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,176,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,208,253,253,180,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,232,253,253,142,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,221,253,253,180,3,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,171,253,253,174,0,0,0,0,0,24,87,182,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,240,91,0,0,12,100,180,236,253,248,33,0,0,0,0,0,0,0,0,0,0,0,0,0,85,213,253,249,65,0,14,109,218,253,253,253,239,61,0,0,0,0,0,0,0,0,0,0,0,0,0,79,244,253,253,202,115,201,225,253,253,253,188,108,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,231,196,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,149,203,253,253,228,149,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,137,228,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,254,210,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,254,254,234,148,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,221,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,181,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,112,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,122,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,84,177,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,252,195,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,239,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,169,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,226,234,252,252,252,85,85,85,85,85,85,85,85,85,85,0,0,0,0,0,0,0,0,198,197,197,197,227,253,252,252,252,252,253,252,252,252,252,253,233,195,195,195,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,249,223,225,176,84,161,84,84,56,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,173,112,112,112,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,233,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,244,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,187,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,164,0,0,34,111,111,63,68,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,69,2,120,253,253,255,253,253,244,215,215,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,226,179,252,252,252,253,252,252,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,252,252,188,44,154,153,111,157,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,251,163,36,0,0,0,0,32,252,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,244,22,0,0,0,0,22,206,252,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,252,252,152,62,0,12,50,201,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,252,252,246,231,235,243,252,251,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,239,252,252,252,253,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,252,253,252,188,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,224,156,128,33,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,88,201,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,196,253,245,166,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,218,253,253,182,107,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,216,25,237,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,217,36,49,253,233,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,217,4,132,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,247,253,195,243,244,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,228,253,254,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,246,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,250,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,255,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,253,106,253,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,5,222,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,216,0,117,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,171,0,99,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,103,0,99,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,90,0,99,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,158,95,215,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,254,253,238,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,109,250,251,134,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,186,254,254,254,255,254,210,84,10,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,235,253,253,253,253,253,253,253,253,207,181,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,253,248,200,118,118,220,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,216,59,0,0,0,24,117,252,253,241,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,129,0,0,0,0,0,82,250,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,129,0,0,0,0,85,251,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,72,0,0,0,2,209,253,253,250,228,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,33,0,0,6,149,253,253,247,47,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,253,248,19,27,182,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,144,92,253,253,231,87,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,253,253,253,253,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,174,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,139,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,172,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,238,253,253,167,253,253,227,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,210,218,253,253,177,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,150,253,253,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,84,135,190,226,209,83,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,166,166,110,77,77,77,77,141,226,232,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,254,254,254,254,254,254,191,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,249,254,254,254,254,254,237,254,254,254,254,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,138,97,46,119,42,72,105,189,253,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,151,0,0,0,0,0,0,0,183,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,202,2,0,0,0,0,0,0,212,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,4,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,254,4,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,205,254,254,4,0,0,0,0,0,47,245,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,194,2,0,0,0,0,0,81,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,165,42,0,0,0,0,0,0,71,242,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,113,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,16,141,141,104,79,92,66,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,197,215,253,252,252,252,253,252,224,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,197,252,252,253,252,252,252,253,252,252,252,135,28,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,252,190,65,28,128,128,53,177,252,253,209,25,0,0,0,0,0,0,0,0,0,0,0,98,253,255,253,253,190,0,0,0,0,0,0,38,238,254,253,168,0,0,0,0,0,0,0,0,0,0,13,209,252,253,252,196,47,0,0,0,0,0,0,0,125,253,252,224,44,0,0,0,0,0,0,0,0,0,144,252,252,253,233,62,0,0,0,0,0,0,0,0,0,253,252,252,228,0,0,0,0,0,0,0,0,13,206,252,252,253,96,0,0,0,0,0,0,0,0,0,0,153,252,252,252,0,0,0,0,0,0,0,0,204,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,29,253,253,253,0,0,0,0,0,0,0,0,253,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,0,0,0,0,0,0,0,0,254,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,19,157,253,252,252,227,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,57,191,252,253,252,252,103,0,0,0,0,0,0,0,0,103,252,252,252,214,38,0,0,0,0,0,0,126,243,252,252,253,252,214,15,0,0,0,0,0,0,0,0,0,101,247,253,254,253,216,141,141,141,178,253,254,253,253,253,254,222,25,0,0,0,0,0,0,0,0,0,0,0,66,184,253,252,252,252,253,252,252,252,253,252,252,252,184,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,130,168,243,253,252,252,252,253,252,224,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,140,139,139,139,128,28,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,43,78,156,253,253,237,113,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,190,242,253,252,245,168,239,253,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,232,252,252,223,126,116,41,232,253,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,112,35,0,15,225,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,42,7,0,0,22,252,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,254,183,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,212,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,238,252,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,186,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,252,247,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,255,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,252,235,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,29,0,0,0,0,0,48,218,253,255,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,196,7,0,0,86,121,247,252,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,252,136,153,232,253,252,252,252,252,241,160,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,252,252,252,252,253,252,252,252,155,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,182,252,252,252,236,112,42,42,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,238,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,225,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,198,254,127,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,206,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,222,241,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,158,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,230,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,238,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,0,0,0,0,0,0,0,102,173,173,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,254,168,0,0,0,0,0,59,193,251,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,168,0,0,0,2,166,238,254,250,251,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,168,0,0,0,176,254,254,198,84,226,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,255,181,2,3,101,253,254,162,41,221,244,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,238,254,143,149,254,254,254,216,207,212,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,254,254,254,254,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,94,228,254,254,254,253,155,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,114,254,254,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,249,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,224,252,88,0,0,0,0,0,0,0,0,8,89,175,104,0,0,0,0,0,0,0,0,0,0,0,0,72,252,251,84,0,0,0,0,0,0,0,48,181,252,252,237,101,0,0,0,0,0,0,0,0,0,0,0,176,252,230,0,0,0,0,0,0,0,31,174,252,252,252,252,216,12,0,0,0,0,0,0,0,0,0,0,176,252,230,0,0,0,0,0,0,11,199,252,252,252,252,252,252,66,0,0,0,0,0,0,0,0,0,15,209,252,134,0,0,0,0,0,0,177,252,252,252,156,110,252,233,37,0,0,0,0,0,0,0,0,0,19,220,253,121,0,0,0,0,0,15,255,253,197,197,0,0,122,234,52,0,0,0,0,0,0,0,0,0,34,252,252,121,0,0,0,0,21,195,253,252,153,0,0,0,93,252,229,23,0,0,0,0,0,0,0,0,34,252,252,121,0,0,0,0,78,252,253,183,45,0,0,0,12,252,252,33,0,0,0,0,0,0,0,0,31,246,252,237,56,0,0,0,78,252,253,77,0,0,0,0,1,148,252,33,0,0,0,0,0,0,0,0,0,176,252,252,209,36,0,0,78,252,253,77,0,0,0,0,0,117,252,33,0,0,0,0,0,0,0,0,0,138,252,252,252,233,193,89,138,252,253,77,0,47,89,89,141,231,252,33,0,0,0,0,0,0,0,0,0,6,208,252,252,252,252,252,252,252,253,238,231,242,252,252,252,231,98,3,0,0,0,0,0,0,0,0,0,0,82,231,252,252,252,252,252,252,253,252,252,252,252,252,231,124,0,0,0,0,0,0,0,0,0,0,0,0,0,35,90,202,252,252,252,252,253,252,252,212,175,89,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,133,142,176,204,191,190,100,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,30,192,41,0,0,0,0,0,90,137,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,249,66,0,0,0,0,35,220,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,208,254,132,0,0,0,0,9,220,244,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,204,254,203,24,0,0,0,0,46,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,250,21,0,0,0,0,40,230,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,228,254,198,0,0,0,0,0,114,254,178,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,202,11,0,0,0,0,50,238,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,254,136,0,0,0,0,8,218,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,240,24,0,0,0,0,97,254,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,165,0,0,0,0,70,237,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,165,0,2,78,152,237,254,145,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,240,214,215,254,254,255,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,173,254,254,254,254,254,254,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,103,124,122,34,254,224,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,208,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,219,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,196,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,95,154,154,227,254,254,254,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,192,227,248,253,252,243,243,243,249,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,186,89,89,79,0,0,0,149,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,69,12,0,0,0,0,0,8,236,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,225,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,253,237,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,103,244,253,253,94,25,31,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,181,253,253,253,253,253,230,240,218,194,145,95,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,253,253,204,203,203,223,237,253,253,251,139,22,0,0,0,0,0,0,0,0,0,0,0,0,178,252,237,148,55,49,1,0,0,20,33,49,120,242,253,208,25,0,0,0,0,0,0,0,0,0,0,0,45,67,0,0,0,0,0,0,0,0,0,0,0,13,213,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,218,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,167,253,223,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,175,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,245,253,242,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,8,0,0,1,98,181,253,254,229,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,89,0,54,132,253,253,253,126,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,193,182,250,253,243,157,9,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,253,194,113,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,202,228,143,73,73,106,163,163,150,73,73,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,254,253,253,253,253,254,253,253,253,253,242,216,92,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,254,253,253,253,253,254,253,253,253,253,254,253,235,27,0,0,0,0,0,0,0,0,0,0,0,0,30,215,254,253,253,206,87,144,60,54,126,189,254,253,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,26,189,253,253,248,84,0,0,0,46,232,254,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,189,27,0,76,234,254,255,238,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,168,253,253,190,158,250,253,253,218,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,226,253,254,253,253,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,222,253,254,253,250,156,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,217,253,253,254,214,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,189,254,254,254,254,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,216,254,253,253,223,160,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,253,254,253,130,21,78,254,206,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,253,253,248,99,8,0,79,254,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,84,0,0,14,232,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,163,0,0,11,150,254,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,214,120,107,193,253,253,212,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,254,253,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,253,253,254,253,253,238,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,111,162,195,162,149,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,236,237,148,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,171,252,253,252,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,180,242,252,244,21,100,233,247,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,247,119,49,0,0,51,231,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,252,143,0,0,0,0,0,126,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,239,62,0,0,0,0,0,169,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,239,68,0,0,0,50,85,59,232,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,252,106,0,0,6,110,245,252,244,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,0,0,0,91,252,253,252,252,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,252,0,0,62,239,252,253,252,244,173,252,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,253,253,253,253,255,222,62,0,89,255,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,252,252,231,168,63,16,0,0,80,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,252,180,16,0,0,0,0,0,106,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,0,0,176,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,0,0,0,0,54,246,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,127,0,0,0,0,31,174,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,64,213,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,136,22,22,189,247,252,185,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,252,252,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,252,252,252,147,68,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,168,0,0,0,0,0,0,0,0,0,0,0,141,253,86,28,0,0,0,0,0,0,29,28,85,197,254,253,169,0,0,0,0,0,0,0,0,0,0,0,253,251,253,196,169,168,114,0,169,56,85,196,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,57,168,169,225,255,253,255,253,254,253,226,168,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,84,83,84,83,139,138,168,0,139,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,139,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,254,254,255,254,188,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,253,245,218,218,250,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,145,63,0,0,150,253,244,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,147,24,0,0,0,29,217,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,21,0,0,0,0,0,130,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,251,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,237,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,238,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,126,130,130,130,130,234,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,179,253,253,239,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,227,88,47,204,253,253,210,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,129,0,61,232,253,154,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,170,95,234,253,189,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,242,253,253,253,155,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,190,135,116,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,103,187,255,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,183,251,254,254,254,254,254,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,219,254,254,254,212,180,151,243,254,241,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,254,235,133,49,6,0,0,111,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,235,50,0,0,0,0,0,18,206,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,102,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,81,12,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,219,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,237,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,177,254,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,131,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,184,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,118,247,254,254,147,104,63,18,18,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,162,254,254,254,254,254,254,254,254,254,248,179,95,13,13,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,254,254,254,249,245,246,254,254,254,254,254,252,120,0,0,0,0,0,0,0,0,0,0,0,240,254,254,251,173,147,77,39,0,10,77,143,198,251,254,254,167,0,0,0,0,0,0,0,0,0,0,0,127,202,147,36,0,0,0,0,0,0,0,0,0,37,200,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,24,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,236,252,193,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,252,252,253,240,101,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,212,252,185,108,244,253,252,252,173,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,250,253,157,6,0,126,137,158,252,252,242,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,231,42,0,0,0,0,0,32,157,251,255,180,38,0,0,0,0,0,0,0,0,0,0,0,30,197,252,231,42,0,0,0,0,0,0,0,0,135,253,252,154,9,0,0,0,0,0,0,0,0,0,7,186,252,227,48,0,0,0,0,0,0,0,0,0,0,86,252,252,129,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,5,135,252,236,19,0,0,0,0,0,0,0,0,181,252,221,35,0,0,0,0,0,0,0,0,0,0,0,0,5,190,252,22,0,0,0,0,0,0,0,0,244,253,222,36,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,86,0,0,0,0,0,0,0,0,65,252,252,219,109,0,0,0,0,0,0,0,0,0,0,0,0,184,252,211,0,0,0,0,0,0,0,0,17,183,234,252,252,174,57,0,0,0,0,0,0,0,0,0,0,153,252,252,0,0,0,0,0,0,0,0,0,0,118,236,252,253,244,176,93,9,0,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,19,128,253,252,252,252,232,53,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,153,253,253,255,232,55,5,0,0,5,191,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,133,227,253,252,252,177,109,57,178,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,79,196,252,252,252,253,252,233,141,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,45,139,244,253,235,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,146,230,254,228,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,234,254,254,254,254,249,142,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,254,254,209,192,233,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,248,98,7,0,45,182,254,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,254,107,0,0,0,0,10,194,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,212,9,0,0,0,0,0,99,250,246,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,122,0,0,0,0,0,0,0,149,254,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,5,230,254,44,0,0,0,0,0,0,0,13,221,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,44,0,0,0,0,0,0,0,0,131,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,44,0,0,0,0,0,0,0,0,102,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,44,0,0,0,0,0,0,0,0,45,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,211,2,0,0,0,0,0,0,0,0,2,212,253,59,0,0,0,0,0,0,0,0,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,11,221,254,61,0,0,0,0,0,0,0,0,0,0,0,0,62,254,219,9,0,0,0,0,0,0,0,0,63,254,230,7,0,0,0,0,0,0,0,0,0,0,0,0,9,232,254,44,0,0,0,0,0,0,0,0,131,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,158,0,0,0,0,13,0,0,20,209,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,246,93,7,0,70,220,63,48,191,254,250,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,140,103,39,255,254,254,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,154,252,254,254,254,252,253,254,249,199,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,85,130,166,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,180,254,196,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,253,253,253,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,168,96,92,0,6,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,188,8,0,0,0,37,237,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,70,0,0,0,0,37,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,36,0,0,0,0,72,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,36,0,0,0,9,189,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,176,9,0,0,128,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,210,253,133,0,116,243,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,249,242,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,242,244,173,204,255,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,166,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,190,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,85,255,253,255,253,254,139,86,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,253,251,253,251,253,251,253,251,168,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,253,254,253,254,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,253,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,86,253,226,168,198,253,169,168,169,168,169,225,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,28,83,56,0,28,83,0,0,0,0,0,168,253,251,196,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,251,225,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,254,253,254,253,198,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,83,253,251,84,196,253,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,196,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,0,0,0,0,0,0,0,141,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,114,169,168,225,168,114,0,169,168,169,168,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,254,253,254,253,254,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,253,251,253,251,253,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,225,254,253,254,253,254,253,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,139,138,196,83,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,158,187,255,251,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,192,252,241,225,225,237,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,92,226,224,108,38,0,0,35,254,229,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,224,254,119,3,0,0,0,32,66,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,205,254,82,7,0,0,11,119,237,254,254,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,158,3,0,0,17,195,254,254,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,92,0,25,90,236,230,135,58,252,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,251,239,211,230,240,143,42,6,168,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,172,172,93,23,0,0,108,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,246,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,180,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,240,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,212,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,201,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,155,195,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,82,210,254,250,244,250,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,168,254,254,171,53,0,150,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,189,254,228,58,1,0,0,116,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,199,254,196,36,0,0,0,0,86,254,129,0,70,49,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,227,44,0,0,0,0,0,2,166,39,53,245,164,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,125,0,0,0,0,0,0,0,20,8,180,254,92,0,0,0,0,0,0,0,0,0,0,0,0,11,226,254,109,0,0,0,0,0,0,0,0,24,250,235,29,0,0,0,0,0,0,0,0,0,0,0,0,66,254,226,16,0,0,0,0,0,0,0,0,103,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,179,0,0,0,0,0,0,0,0,42,241,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,210,10,0,0,0,0,0,0,9,186,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,88,0,0,0,0,0,15,187,254,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,223,43,1,0,3,57,187,242,171,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,254,254,175,170,187,254,210,62,71,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,93,229,253,254,210,128,11,0,71,254,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,75,2,0,0,0,102,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,182,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,69,162,255,254,187,69,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,254,254,237,148,227,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,246,128,47,0,65,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,140,0,0,0,65,254,71,49,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,205,0,0,0,0,9,157,56,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,46,0,0,0,0,0,23,213,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,88,0,0,0,0,3,157,254,246,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,226,17,12,17,76,221,254,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,251,254,233,254,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,213,213,200,235,254,217,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,235,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,206,254,196,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,231,254,197,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,135,254,238,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,231,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,223,243,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,139,167,253,249,143,191,191,255,176,52,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,252,252,252,252,252,252,187,203,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,244,129,44,44,44,44,44,0,12,217,230,209,209,204,39,0,0,0,0,0,0,0,0,0,0,0,0,209,251,94,0,0,0,0,0,18,209,251,252,238,143,116,4,0,0,0,0,0,0,0,0,0,0,0,0,116,250,233,108,0,0,0,25,177,252,231,139,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,233,94,0,66,208,253,191,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,165,250,247,74,218,252,165,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,239,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,203,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,236,252,195,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,252,220,245,205,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,229,130,0,187,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,73,0,0,66,240,248,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,247,50,0,0,0,153,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,173,0,0,0,0,0,229,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,88,0,0,0,0,0,143,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,233,12,0,0,0,0,10,196,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,188,154,102,45,78,240,248,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,177,252,252,252,252,252,219,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,142,195,252,170,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,243,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,189,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,215,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,212,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,210,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,244,212,9,0,0,0,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,65,0,0,81,198,235,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,237,25,0,97,249,254,214,250,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,133,0,39,235,245,114,5,230,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,54,9,208,254,87,0,70,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,227,238,24,104,254,194,5,0,161,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,177,0,205,244,39,0,14,233,198,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,93,31,251,163,0,0,181,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,58,113,254,51,13,159,252,126,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,135,197,254,176,204,254,126,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,235,254,253,254,254,254,127,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,235,254,254,144,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,239,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,211,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,201,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,231,255,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,138,253,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,254,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,247,253,253,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,222,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,254,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,234,211,254,182,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,253,253,116,0,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,210,9,0,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,174,0,0,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,254,152,0,0,255,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,245,48,19,154,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,169,142,253,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,217,253,253,253,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,229,253,194,0,0,0,0,0,0,22,47,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,68,0,0,0,0,0,9,195,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,253,170,2,0,0,0,0,0,72,253,230,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,232,49,0,0,0,0,0,54,233,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,250,253,115,0,0,0,0,0,0,70,253,189,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,115,0,0,0,0,0,0,122,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,253,216,11,0,0,0,0,0,224,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,138,36,0,0,0,0,224,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,235,253,253,237,151,78,78,152,250,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,242,253,253,253,253,253,253,253,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,129,220,253,253,253,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,30,30,50,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,249,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,178,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,241,254,254,155,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,108,242,253,253,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,173,253,254,253,253,253,253,253,249,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,254,219,173,60,166,253,253,235,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,218,53,31,0,0,68,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,122,31,0,0,0,0,18,204,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,191,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,169,0,0,0,0,0,0,0,0,0,0,52,241,254,117,0,0,0,0,0,0,0,0,81,254,254,255,255,107,0,0,0,0,0,0,0,0,0,0,235,253,253,250,120,0,0,0,0,0,0,146,245,253,253,253,171,6,0,0,0,0,0,0,0,0,0,109,252,253,253,253,248,206,35,0,50,158,228,251,253,253,253,167,10,0,0,0,0,0,0,0,0,0,0,121,253,253,228,237,253,253,214,88,235,254,253,253,253,253,165,13,0,0,0,0,0,0,0,0,0,0,0,121,253,253,194,215,253,253,253,253,253,254,253,253,232,81,14,0,0,0,0,0,0,0,0,0,0,0,0,32,244,253,253,253,253,253,253,253,253,254,253,85,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,253,253,253,253,255,253,182,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,213,226,226,128,93,177,242,253,255,253,253,224,126,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,177,241,253,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,240,253,147,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,218,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,195,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,237,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,192,236,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,241,196,0,0,0,0,0,0,8,130,209,209,209,132,8,0,0,0,0,0,0,0,0,0,0,0,0,52,254,139,0,0,0,0,0,23,194,230,135,125,145,251,165,6,0,0,0,0,0,0,0,0,0,0,0,93,254,71,0,0,0,0,8,206,214,30,0,0,0,57,246,128,0,0,0,0,0,0,0,0,0,0,0,20,254,71,0,0,0,0,128,246,44,0,0,0,0,0,175,220,5,0,0,0,0,0,0,0,0,0,0,9,254,90,0,0,0,8,216,92,0,0,0,0,0,0,72,254,8,0,0,0,0,0,0,0,0,0,0,9,254,154,0,0,0,34,254,46,0,0,0,0,0,0,120,254,8,0,0,0,0,0,0,0,0,0,0,1,186,208,18,0,0,34,220,4,0,0,0,0,0,0,232,210,4,0,0,0,0,0,0,0,0,0,0,0,106,255,140,0,0,34,252,43,0,0,0,0,18,170,254,50,0,0,0,0,0,0,0,0,0,0,0,0,1,162,254,171,18,2,207,46,0,0,66,123,238,254,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,235,249,181,237,248,247,247,254,254,209,49,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,161,254,214,240,239,154,88,68,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,172,255,254,255,242,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,161,244,253,253,253,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,253,253,253,224,174,245,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,253,253,253,181,14,0,87,249,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,247,96,8,0,0,0,186,253,243,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,247,253,253,161,0,0,29,175,140,169,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,184,11,0,4,109,253,253,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,31,0,0,78,253,253,253,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,78,4,95,238,253,253,93,241,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,247,220,253,253,253,207,24,175,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,197,253,253,253,253,253,174,24,0,175,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,180,249,253,216,87,1,0,0,239,253,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,62,10,0,0,0,0,239,253,238,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,241,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,245,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,214,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,247,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,137,137,242,197,137,137,110,18,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,175,254,254,254,254,254,254,254,254,170,103,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,254,254,254,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,229,239,183,87,65,65,76,128,183,205,254,254,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,234,200,130,0,0,0,0,0,0,0,15,47,194,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,85,12,0,0,0,0,0,0,0,0,0,0,66,252,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,96,96,36,0,0,0,213,254,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,241,254,254,240,204,114,213,252,249,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,254,254,254,254,254,254,243,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,192,107,107,181,232,254,254,254,254,242,71,23,0,12,72,0,0,0,0,0,0,0,0,0,0,0,168,254,147,0,0,31,151,254,254,254,254,254,254,232,166,201,135,0,0,0,0,0,0,0,0,0,0,0,54,243,225,71,77,229,254,254,230,136,71,85,232,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,254,254,254,66,0,0,0,35,109,92,69,28,0,0,0,0,0,0,0,0,0,0,0,0,71,243,254,254,254,156,35,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,138,254,160,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,150,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,1,0,0,0,0,0,0,0,0,0,136,185,4,0,0,0,0,0,0,0,0,0,0,0,0,21,164,113,151,0,0,0,0,0,0,0,0,29,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,200,117,0,0,0,0,0,0,0,17,197,206,0,0,0,0,0,0,0,0,0,0,0,0,0,90,178,161,25,0,0,0,0,0,0,0,51,195,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,188,227,248,121,0,0,0,0,0,0,33,175,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,22,238,254,254,252,113,133,149,59,10,103,206,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,197,252,254,218,215,147,254,220,241,244,155,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,200,223,170,83,254,254,254,160,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,13,136,254,254,254,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,186,149,250,254,249,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,241,254,14,0,56,242,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,244,48,1,0,0,130,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,249,195,0,0,0,0,84,250,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,239,63,0,0,0,0,167,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,201,0,0,0,0,27,239,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,202,3,0,0,4,175,181,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,208,254,206,68,68,220,234,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,246,249,255,255,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,139,254,200,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,145,161,221,254,254,186,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,80,97,97,198,235,253,253,254,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,251,253,253,254,253,242,230,230,213,137,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,113,160,160,69,69,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,161,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,46,0,13,47,30,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,198,25,51,187,253,236,220,183,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,139,0,184,254,236,202,253,254,215,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,237,161,203,102,0,0,0,151,248,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,253,189,73,0,0,0,0,0,88,244,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,223,42,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,195,40,0,0,0,0,0,0,0,0,207,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,0,7,182,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,235,17,0,0,0,0,0,0,170,253,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,255,115,0,0,0,0,32,170,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,241,155,138,139,122,241,253,254,244,123,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,253,254,253,253,244,205,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,103,144,194,220,236,119,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,199,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,241,241,129,0,0,0,0,0,179,254,237,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,249,201,46,0,0,0,0,0,183,254,199,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,231,0,0,0,0,0,0,0,108,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,249,53,0,0,0,0,0,0,87,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,67,0,0,0,0,0,0,5,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,240,254,67,0,0,0,0,0,0,5,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,254,67,0,0,0,0,0,0,1,171,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,67,0,0,0,0,0,0,0,170,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,67,0,0,0,0,0,0,0,170,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,235,254,140,0,0,0,0,0,0,0,169,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,197,78,18,18,34,108,108,108,205,254,184,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,254,254,254,254,254,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,130,254,254,254,254,254,254,248,173,227,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,9,9,9,9,9,8,0,170,254,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,247,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,16,16,16,46,106,175,220,155,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,218,254,254,254,254,254,254,254,244,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,254,254,233,191,82,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,123,32,57,32,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,230,12,0,45,191,191,151,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,228,63,172,236,254,254,254,207,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,254,254,186,145,222,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,239,129,70,0,0,8,199,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,179,55,0,0,0,0,0,143,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,178,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,184,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,176,254,234,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,230,254,207,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,93,250,255,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,226,167,248,254,187,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,254,254,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,184,189,110,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,127,250,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,198,198,198,198,198,177,134,230,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,255,254,254,254,254,254,254,254,222,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,67,139,171,171,171,171,203,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,179,254,209,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,254,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,63,145,254,254,223,63,63,63,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,163,214,250,254,254,254,254,254,254,254,254,209,82,1,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,254,254,254,254,254,213,100,99,153,202,202,202,29,0,0,0,0,0,0,0,0,0,0,0,0,141,254,152,125,64,184,254,234,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,178,9,0,3,181,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,238,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,196,255,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,168,253,254,190,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,254,147,52,2,25,159,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,254,74,2,0,0,84,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,132,3,0,0,0,117,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,59,0,0,0,0,117,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,30,0,0,0,0,135,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,235,20,0,0,0,8,213,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,130,7,0,24,163,254,215,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,254,221,171,220,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,175,248,247,172,188,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,39,0,162,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,213,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,226,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,136,255,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,233,126,132,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,10,218,253,253,68,104,253,242,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,135,253,253,253,205,19,104,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,253,200,41,0,104,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,215,29,12,48,226,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,36,0,160,253,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,234,253,253,36,57,215,253,253,253,253,207,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,253,253,253,82,230,253,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,253,253,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,182,253,253,253,253,253,253,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,246,253,253,253,253,229,75,230,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,214,55,16,165,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,84,84,84,53,0,38,253,253,253,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,180,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,217,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,255,254,254,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,189,75,83,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,183,15,0,4,199,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,252,57,0,48,95,180,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,165,254,140,0,0,230,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,234,38,0,22,247,240,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,137,0,0,153,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,118,0,80,237,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,124,64,231,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,244,254,254,214,237,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,177,137,10,216,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,241,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,246,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,18,76,136,155,255,254,210,136,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,189,253,253,253,253,253,253,253,253,202,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,233,253,253,227,189,82,137,82,127,224,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,228,78,33,0,0,0,0,0,113,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,77,31,0,0,0,0,0,0,0,154,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,154,253,245,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,243,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,253,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,195,253,224,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,163,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,217,253,217,201,201,201,201,201,179,84,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,253,253,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,135,135,171,253,253,137,135,135,50,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,182,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,250,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,233,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,195,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,237,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,241,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,239,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,190,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,88,167,255,144,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,192,253,253,253,253,236,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,37,134,244,248,253,253,253,253,253,253,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,253,253,253,253,253,78,141,211,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,244,253,253,253,253,248,105,123,88,2,0,10,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,249,113,78,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,253,238,79,120,120,37,16,16,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,203,248,223,253,253,253,253,217,201,92,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,185,253,253,253,253,253,253,236,103,133,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,242,253,253,253,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,211,195,113,171,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,253,253,128,2,0,1,193,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,232,27,0,0,0,149,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,245,90,0,0,0,0,192,252,164,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,238,0,0,0,0,30,236,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,247,239,8,0,0,0,42,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,174,11,0,0,98,253,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,253,134,11,134,253,253,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,253,253,253,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,253,253,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,70,160,248,254,254,254,254,254,231,146,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,254,254,254,254,254,254,254,254,235,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,219,150,143,56,56,56,56,81,199,251,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,123,60,0,0,0,0,0,0,0,12,214,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,218,254,240,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,254,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,215,254,254,241,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,254,254,254,154,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,254,254,254,254,252,189,106,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,240,254,254,254,254,254,254,224,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,95,168,208,254,254,255,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,98,233,254,226,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,251,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,124,151,151,151,92,57,57,120,168,246,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,254,254,254,254,254,254,254,244,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,131,159,159,159,254,254,254,254,201,159,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,255,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,136,47,0,0,0,0,0,0,88,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,86,0,0,0,0,0,0,157,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,86,0,0,0,0,0,0,211,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,86,0,0,0,0,0,65,237,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,165,0,0,0,0,11,212,253,240,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,239,53,0,0,12,166,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,235,253,164,0,37,165,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,239,180,234,253,226,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,253,253,253,203,90,253,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,159,205,185,75,75,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,16,0,0,112,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,143,233,196,214,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,147,230,254,147,78,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,229,254,207,221,116,51,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,251,249,102,3,100,85,4,194,156,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,248,102,0,0,58,63,0,138,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,148,0,0,0,2,2,0,123,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,230,238,20,0,0,0,0,0,0,39,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,93,0,0,0,0,0,0,0,39,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,237,254,50,0,0,0,0,0,0,0,19,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,168,0,0,0,0,0,0,0,0,19,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,90,0,0,0,0,0,0,0,0,19,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,55,0,0,0,0,0,0,0,0,28,239,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,205,2,0,0,0,0,0,0,0,0,96,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,228,9,0,0,0,0,0,0,0,12,203,209,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,100,0,0,0,0,0,0,12,148,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,206,251,114,58,0,0,56,118,215,227,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,199,254,254,248,248,254,254,220,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,97,120,203,132,70,39,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,125,208,221,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,217,253,253,253,120,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,139,245,253,254,245,95,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,209,254,253,253,171,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,170,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,253,253,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,232,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,241,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,201,254,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,73,170,255,254,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,152,204,235,244,253,253,254,253,253,233,145,88,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,242,254,253,253,253,253,254,253,253,253,253,254,245,108,27,0,0,0,0,0,0,0,0,0,0,0,0,0,39,87,106,112,183,248,254,253,253,245,241,254,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,221,253,240,61,26,72,72,118,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,254,243,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,164,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,43,69,148,148,183,245,192,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,211,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,253,236,187,160,214,232,231,251,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,243,47,0,0,0,0,0,161,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,252,247,176,53,0,0,0,0,171,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,254,253,253,183,60,8,114,253,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,133,203,253,252,252,252,252,201,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,82,225,252,208,253,252,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,205,252,253,252,245,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,253,217,244,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,247,208,245,253,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,131,83,246,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,9,0,83,252,252,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,208,0,0,7,170,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,45,0,0,11,218,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,193,113,4,0,132,255,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,253,252,195,120,128,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,253,252,252,252,252,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,77,155,182,147,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,56,111,155,214,214,131,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,254,254,254,254,254,254,252,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,184,228,90,90,92,205,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,69,0,0,0,9,87,254,231,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,244,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,124,249,252,120,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,166,254,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,251,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,167,250,254,251,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,30,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,248,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,247,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,197,233,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,116,153,191,191,255,176,138,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,146,253,253,253,253,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,141,253,253,253,253,253,253,253,253,251,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,233,128,128,128,170,233,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,235,94,0,0,0,39,249,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,62,0,0,0,0,115,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,194,6,0,0,10,97,241,253,253,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,176,140,149,220,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,253,253,253,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,238,253,253,253,253,233,126,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,58,155,68,51,32,42,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,226,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,217,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,32,198,228,198,100,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,252,254,254,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,237,105,49,8,22,107,240,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,210,194,48,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,189,7,0,0,0,0,0,0,10,187,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,0,0,0,0,13,222,238,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,182,236,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,153,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,10,0,0,0,0,0,0,9,214,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,249,180,3,0,0,0,0,0,32,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,230,254,129,11,0,0,2,64,216,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,255,241,137,96,146,254,254,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,241,254,254,254,255,254,212,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,184,225,254,243,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,94,211,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,208,252,247,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,215,253,246,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,247,252,215,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,229,252,212,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,246,252,210,24,0,0,0,0,0,75,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,247,252,158,25,0,0,0,0,21,195,247,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,249,252,252,36,0,0,0,0,18,203,252,217,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,255,184,208,253,245,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,194,235,252,252,252,252,253,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,96,96,96,170,253,252,247,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,247,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,250,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,247,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,246,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,246,252,158,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,210,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,151,0,0,0,0,0,0,51,193,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,233,50,0,0,0,0,0,41,233,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,102,0,0,0,0,0,0,123,244,162,62,223,214,10,0,0,0,0,0,0,0,0,0,0,0,0,51,252,102,0,0,0,0,0,41,243,203,0,0,203,253,91,0,0,0,0,0,0,0,0,0,0,0,0,52,253,102,0,0,0,0,0,152,233,41,0,0,102,255,151,0,0,0,0,0,0,0,0,0,0,0,0,132,252,102,0,0,0,0,0,233,151,0,0,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,62,254,151,0,0,0,163,255,91,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,102,253,151,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,193,253,102,0,0,0,0,203,254,50,0,0,51,233,183,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,142,0,0,0,0,203,253,50,0,0,233,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,131,0,0,0,203,254,50,11,173,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,142,102,0,203,253,131,213,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,255,253,255,253,255,253,224,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,252,253,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,41,234,253,234,152,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,112,231,255,254,254,254,254,255,178,254,254,254,255,241,30,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,254,253,253,253,253,254,253,253,253,245,234,140,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,222,254,253,253,222,253,235,92,78,78,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,125,161,254,227,87,12,19,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,163,18,32,59,59,59,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,226,235,253,254,253,226,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,254,253,253,241,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,117,117,64,57,19,27,158,253,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,245,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,253,146,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,80,217,253,250,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,79,79,168,235,254,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,254,234,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,162,155,96,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,251,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,193,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,247,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,240,45,0,0,0,0,0,0,0,0,13,146,174,174,156,0,0,0,0,0,0,0,0,0,0,0,108,253,173,0,0,0,0,0,0,0,0,10,169,253,253,253,229,12,0,0,0,0,0,0,0,0,0,0,108,253,173,0,0,0,0,0,0,0,0,172,253,250,240,249,253,107,0,0,0,0,0,0,0,0,0,0,108,253,173,0,0,0,0,0,0,0,57,241,253,186,0,174,253,107,0,0,0,0,0,0,0,0,0,0,242,254,174,0,0,0,0,0,0,0,171,254,216,28,0,175,255,107,0,0,0,0,0,0,0,0,0,0,184,253,173,0,0,0,0,0,0,52,246,253,46,0,0,118,253,107,0,0,0,0,0,0,0,0,0,0,68,244,245,48,0,0,0,0,0,121,253,253,39,0,0,160,253,107,0,0,0,0,0,0,0,0,0,0,0,228,253,165,0,0,0,0,0,121,253,174,6,0,18,199,230,17,0,0,0,0,0,0,0,0,0,0,86,248,253,186,0,0,0,0,0,227,253,54,0,89,212,243,96,0,0,0,0,0,0,0,0,0,0,0,28,116,245,236,187,96,20,0,0,254,253,74,54,212,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,245,253,253,203,174,174,255,253,253,253,243,184,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,226,245,253,253,253,255,253,253,118,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,107,107,107,107,246,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,240,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,76,76,191,118,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,252,252,252,253,252,102,47,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,121,69,121,69,79,227,252,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,227,252,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,212,252,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,215,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,93,203,252,253,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,140,252,252,252,253,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,255,253,253,253,253,221,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,253,252,252,252,252,162,88,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,253,252,252,252,252,253,252,234,59,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,252,252,252,252,253,252,252,232,158,208,155,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,23,96,137,137,189,243,158,252,252,200,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,255,233,172,93,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,200,237,242,254,175,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,144,254,191,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,192,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,243,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,230,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,228,231,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,224,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,211,168,222,168,0,0,162,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,192,254,254,123,5,206,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,170,254,249,212,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,61,145,203,219,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,180,255,254,254,242,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,155,171,229,253,254,248,133,28,228,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,253,253,170,38,0,0,211,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,253,253,253,253,4,0,0,0,211,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,253,253,253,174,0,0,0,8,223,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,247,206,254,254,42,0,0,0,92,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,148,18,230,253,171,155,155,155,240,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,157,0,28,176,253,254,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,228,19,0,2,69,46,135,238,253,253,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,180,16,0,200,242,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,238,183,242,247,235,176,248,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,52,153,168,110,43,16,74,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,237,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,158,254,187,224,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,253,253,253,243,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,195,134,117,207,254,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,181,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,208,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,212,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,20,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,230,254,157,176,80,3,0,134,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,236,253,253,253,254,253,204,195,254,247,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,253,253,253,254,253,253,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,254,253,253,253,254,184,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,177,254,254,255,254,254,254,255,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,58,107,214,178,136,64,122,253,221,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,205,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,158,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,241,247,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,238,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,67,0,0,0,0,0,0,0,0,20,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,67,0,0,0,0,0,8,85,197,232,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,67,0,0,0,1,48,193,254,253,220,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,67,0,0,0,133,254,249,172,58,128,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,179,22,0,89,254,246,80,0,0,244,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,254,180,1,159,254,204,0,0,18,248,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,244,254,188,252,216,19,0,1,140,254,213,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,254,230,106,27,95,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,92,244,254,254,254,254,254,250,100,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,96,165,176,254,188,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,198,254,237,133,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,192,253,254,253,253,253,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,240,253,253,230,128,248,241,245,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,253,207,99,145,224,186,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,174,253,230,140,4,9,223,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,64,0,0,3,171,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,253,184,7,0,0,0,39,221,253,242,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,225,47,0,0,0,0,0,112,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,180,0,0,0,0,0,0,37,253,253,247,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,180,0,0,0,0,0,0,2,173,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,181,0,0,0,0,0,0,20,214,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,180,0,0,0,0,0,0,37,253,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,180,0,0,0,0,0,0,37,253,253,243,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,194,10,0,0,0,0,5,136,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,48,0,0,0,3,137,253,253,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,233,253,164,11,0,0,139,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,212,206,206,254,253,241,145,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,254,244,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,253,253,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,132,236,149,11,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,128,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,128,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,128,128,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,64,128,191,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,128,191,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,50,0,0,0,0,0,0,51,173,254,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,51,252,172,10,0,0,0,0,123,203,253,252,253,252,172,232,41,0,0,0,0,0,0,0,0,0,0,0,113,253,0,0,0,0,132,253,224,162,82,0,102,20,21,223,21,0,0,0,0,0,0,0,0,0,0,0,152,252,0,0,21,142,253,212,20,0,0,0,0,0,0,203,102,0,0,0,0,0,0,0,0,0,0,0,254,192,0,82,214,253,123,0,0,0,0,0,0,0,72,253,0,0,0,0,0,0,0,0,0,0,0,82,253,151,41,243,192,70,0,0,0,0,0,0,0,0,193,130,0,0,0,0,0,0,0,0,0,0,0,102,254,50,214,233,41,0,0,0,0,0,0,0,11,92,244,40,0,0,0,0,0,0,0,0,0,0,0,102,253,50,253,70,0,0,0,0,0,0,0,0,92,252,81,0,0,0,0,0,0,0,0,0,0,0,0,102,254,50,173,213,62,0,0,0,0,0,11,132,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,91,10,131,61,0,0,0,0,41,173,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,213,0,0,0,0,0,21,153,233,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,123,0,0,82,203,223,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,255,253,254,253,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,232,131,50,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,251,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,251,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,171,185,199,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,119,226,221,142,132,175,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,196,237,103,7,0,0,85,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,142,255,137,36,0,0,0,1,198,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,207,231,76,0,0,0,0,0,64,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,237,224,19,0,0,0,0,0,0,192,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,239,107,0,0,0,0,0,0,117,245,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,186,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,205,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,230,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,195,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,239,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,201,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,137,233,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,251,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,239,148,0,0,0,0,3,37,123,225,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,241,0,0,10,63,148,207,233,89,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,217,133,133,195,254,165,80,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,201,234,218,132,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,192,255,144,15,3,78,88,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,143,79,192,114,152,162,213,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,201,16,0,37,119,0,0,142,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,216,141,0,0,0,0,0,27,213,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,228,141,0,0,0,0,0,144,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,217,32,0,0,0,74,240,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,146,0,0,58,214,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,247,78,58,214,137,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,171,230,229,164,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,139,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,125,254,177,188,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,152,254,209,8,19,175,234,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,230,81,0,0,17,148,240,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,212,16,0,0,0,0,0,74,247,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,145,0,0,0,0,0,0,6,105,227,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,194,0,0,0,0,0,0,0,59,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,236,17,0,0,0,0,0,0,40,246,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,138,198,41,0,0,0,0,0,84,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,119,239,150,80,80,96,180,250,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,127,170,185,210,152,68,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,13,2,0,6,76,144,253,253,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,175,252,159,145,196,253,252,252,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,252,252,252,252,204,119,252,243,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,119,204,204,152,84,80,0,118,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,238,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,232,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,241,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,242,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,246,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,246,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,192,192,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,101,226,254,253,253,250,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,179,253,253,134,56,56,78,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,250,146,0,0,0,29,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,241,63,0,0,0,13,191,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,255,64,0,0,13,192,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,242,179,67,29,253,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,78,253,254,253,241,204,253,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,239,253,253,253,253,179,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,159,253,253,174,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,255,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,253,177,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,254,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,216,253,191,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,224,254,255,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,148,250,253,244,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,254,253,209,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,242,99,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,174,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,128,0,64,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,64,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,128,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,64,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,129,253,255,253,149,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,232,252,252,252,253,252,252,252,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,246,215,232,252,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,108,92,0,47,108,211,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,253,252,246,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,252,252,222,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,168,0,0,21,144,145,144,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,255,253,253,253,255,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,226,215,154,71,71,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,169,252,252,252,108,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,110,109,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,253,252,247,217,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,252,252,253,149,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,155,252,252,191,148,168,252,253,252,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,252,189,0,0,21,205,253,252,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,220,15,0,0,0,20,98,200,252,252,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,21,252,241,102,0,0,0,0,0,0,21,201,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,179,0,0,0,0,0,0,0,0,181,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,222,41,0,0,0,0,0,0,0,37,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,179,0,0,0,0,0,0,0,0,161,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,179,0,0,0,0,0,0,0,11,191,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,179,0,0,0,0,0,0,0,155,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,211,31,0,0,0,0,0,110,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,252,71,0,0,0,0,42,233,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,71,0,0,11,140,221,253,252,246,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,71,0,63,175,252,252,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,149,191,255,253,253,253,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,252,252,252,252,253,252,252,210,180,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,231,252,252,252,253,241,215,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,211,252,191,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,215,0,0,0,0,0,0,0,0,0,0,0,0,13,179,251,75,0,0,0,0,0,0,0,0,0,18,153,246,53,0,0,0,0,0,0,0,0,0,0,0,103,254,254,197,0,0,0,0,0,0,0,0,0,48,254,255,67,0,0,0,0,0,0,0,0,0,0,0,126,254,254,197,0,0,0,0,0,0,0,0,0,48,254,254,67,0,0,0,0,0,0,0,0,0,0,0,159,254,254,121,0,0,0,0,0,0,0,0,0,48,254,254,67,0,0,0,0,0,0,0,0,0,0,9,232,254,234,8,0,0,0,0,0,0,0,0,0,48,254,255,67,0,0,0,0,0,0,0,0,0,0,151,254,254,68,0,0,0,0,0,0,0,0,0,0,25,228,254,164,2,0,0,0,0,0,0,0,0,127,246,254,195,5,0,0,0,0,0,0,0,0,0,0,0,172,254,254,89,0,0,0,0,0,0,11,141,249,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,16,244,254,223,37,4,6,6,27,150,220,254,252,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,254,254,214,254,254,254,254,246,166,78,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,247,254,254,254,254,193,116,43,0,32,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,109,109,109,21,2,0,0,0,32,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,219,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,201,156,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,210,253,253,253,253,254,253,156,122,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,171,252,253,252,252,252,252,253,252,252,252,252,129,21,0,0,0,0,0,0,0,0,0,0,0,0,0,127,247,231,241,231,178,126,126,127,205,231,245,252,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,42,63,0,35,0,0,0,0,0,0,0,99,252,253,189,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,225,252,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,252,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,114,238,253,253,253,255,128,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,240,253,252,252,252,252,253,252,231,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,233,195,195,195,196,246,252,246,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,162,56,0,0,0,0,130,252,252,252,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,0,0,0,0,0,0,38,142,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,216,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,252,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,141,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,249,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,32,99,146,183,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,19,6,13,40,76,118,166,201,254,254,254,251,181,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,233,221,227,255,254,254,254,232,195,152,45,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,158,254,254,205,176,175,110,49,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,218,99,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,254,254,250,184,76,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,195,195,152,117,147,240,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,206,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,248,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,112,0,0,0,0,0,19,215,217,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,31,0,0,0,0,0,106,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,239,19,0,0,0,0,31,208,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,255,133,0,0,0,0,134,251,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,236,254,142,58,58,166,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,225,254,254,254,254,159,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,152,236,211,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,123,164,240,255,95,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,253,253,253,253,253,204,117,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,253,253,253,253,253,253,144,107,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,235,71,56,110,242,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,224,253,253,114,0,0,0,89,178,253,253,232,124,16,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,211,18,0,0,0,0,16,56,226,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,10,187,253,253,114,0,0,0,0,0,0,0,52,227,253,123,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,141,4,0,0,0,0,0,0,0,0,205,253,210,28,0,0,0,0,0,0,0,0,0,0,0,180,253,253,129,0,0,0,0,0,0,0,0,0,105,253,253,106,0,0,0,0,0,0,0,0,0,0,0,180,253,253,129,0,0,0,0,0,0,0,0,0,28,213,253,249,15,0,0,0,0,0,0,0,0,0,62,230,253,253,129,0,0,0,0,0,0,0,0,0,0,131,253,253,15,0,0,0,0,0,0,0,0,0,91,253,253,240,80,0,0,0,0,0,0,0,0,0,0,131,253,253,15,0,0,0,0,0,0,0,0,0,82,246,253,223,25,4,0,0,0,0,0,0,0,0,0,131,253,253,31,0,0,0,0,0,0,0,0,0,0,180,253,253,253,40,0,0,0,0,0,0,0,0,0,131,253,253,179,0,0,0,0,0,0,0,0,0,0,48,253,253,253,75,19,0,0,0,0,0,0,0,34,230,253,253,46,0,0,0,0,0,0,0,0,0,0,17,253,253,253,253,186,12,0,0,0,0,0,0,127,253,253,176,8,0,0,0,0,0,0,0,0,0,0,3,126,253,253,253,253,224,222,168,58,58,74,222,247,253,240,82,0,0,0,0,0,0,0,0,0,0,0,0,45,220,253,253,253,253,253,253,253,253,253,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,15,153,179,246,253,253,253,253,253,253,241,94,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,190,253,253,253,253,178,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,94,254,254,254,255,255,245,146,59,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,227,177,194,253,253,253,253,246,156,76,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,89,56,179,9,7,32,32,32,120,139,214,250,203,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,148,0,0,0,0,0,0,0,0,42,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,250,154,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,186,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,251,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,242,140,0,0,0,0,0,12,55,55,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,210,22,0,83,159,200,200,212,253,253,218,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,198,238,238,252,253,237,178,124,124,132,246,248,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,234,189,86,20,0,0,0,0,168,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,48,33,0,0,0,0,0,0,9,201,253,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,185,253,201,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,238,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,181,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,117,196,253,228,64,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,71,48,4,184,253,249,160,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,191,214,167,145,145,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,236,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,247,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,238,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,254,147,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,251,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,178,3,0,0,0,0,0,0,0,0,0,37,48,48,14,0,0,0,0,0,0,0,0,0,0,0,251,254,26,0,0,0,0,0,0,0,0,6,149,246,254,254,227,81,0,0,0,0,0,0,0,0,0,82,254,218,7,0,0,0,0,0,0,0,6,153,254,251,215,215,243,236,13,0,0,0,0,0,0,0,0,128,254,181,0,0,0,0,0,0,0,6,153,254,189,64,0,0,182,255,82,0,0,0,0,0,0,0,0,123,254,181,0,0,0,0,0,0,0,148,254,241,31,0,0,0,182,254,82,0,0,0,0,0,0,0,0,102,254,181,0,0,0,0,0,0,43,245,254,119,0,0,0,6,214,242,18,0,0,0,0,0,0,0,0,76,254,212,6,0,0,0,0,0,130,254,191,13,0,0,0,117,254,98,0,0,0,0,0,0,0,0,0,0,245,254,54,0,0,0,0,0,165,254,69,0,0,2,118,237,207,20,0,0,0,0,0,0,0,0,0,0,71,251,236,51,0,0,0,19,231,253,45,6,52,171,254,174,20,0,0,0,0,0,0,0,0,0,0,0,0,211,254,236,103,77,9,39,242,243,152,215,254,248,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,183,254,254,254,255,254,254,254,255,254,254,129,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,168,216,225,254,181,211,254,254,254,188,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,102,14,125,159,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,91,145,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,238,253,91,145,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,254,228,33,88,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,253,229,63,0,55,253,232,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,102,241,253,234,59,0,0,28,235,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,203,253,254,229,40,0,0,7,0,146,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,243,253,253,254,237,181,181,181,207,181,217,253,227,156,91,13,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,255,254,254,254,254,255,254,254,254,254,255,254,254,182,195,0,0,0,0,0,0,0,0,195,253,253,229,198,140,108,76,102,18,18,18,52,253,201,83,37,108,179,102,0,0,0,0,0,0,0,0,49,127,49,21,0,0,0,0,0,0,0,0,6,207,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,158,217,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,61,0,0,0,0,82,203,203,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,0,0,0,41,173,253,254,233,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,82,0,82,243,253,252,91,30,131,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,163,254,253,163,0,0,0,51,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,183,243,253,130,0,0,0,0,92,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,214,10,0,0,0,0,173,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,253,131,0,0,0,82,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,213,203,122,0,0,31,213,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,142,61,0,82,233,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,255,253,255,253,255,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,172,252,253,212,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,131,41,21,0,0,113,152,173,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,243,223,203,203,253,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,254,253,254,253,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,253,252,253,252,253,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,192,102,102,82,203,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,253,111,0,0,82,243,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,82,0,0,0,214,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,210,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,204,252,252,215,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,182,252,252,188,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,49,0,0,0,18,173,252,252,243,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,48,217,226,42,0,0,60,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,204,28,0,0,139,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,250,252,252,110,0,0,38,224,252,252,128,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,220,128,4,0,0,219,252,252,160,7,32,45,3,0,0,0,0,0,0,0,0,0,0,0,36,216,252,207,30,0,0,0,0,253,252,252,203,149,222,172,6,0,0,0,0,0,0,0,0,0,0,0,36,217,253,253,147,105,245,253,253,255,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,252,252,253,252,204,44,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,158,237,237,245,252,252,252,253,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,117,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,159,153,77,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,230,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,148,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,169,222,235,253,253,254,169,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,88,208,254,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,60,254,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,254,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,254,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,239,254,253,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,244,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,223,247,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,118,89,39,24,225,253,222,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,243,238,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,255,253,253,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,254,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,115,191,254,253,161,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,180,254,255,254,212,101,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,239,253,253,253,253,253,253,158,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,247,253,253,253,150,107,236,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,253,253,253,253,234,93,234,253,211,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,165,253,253,253,233,250,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,236,56,105,128,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,77,0,0,24,253,253,253,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,224,60,0,0,7,68,213,253,253,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,77,250,253,253,14,0,0,0,0,0,70,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,14,0,0,0,0,0,70,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,240,13,0,0,0,0,0,70,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,115,0,0,0,0,0,0,70,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,237,13,0,0,0,0,0,206,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,160,5,0,0,0,2,91,243,253,253,211,31,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,177,7,0,0,0,94,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,14,0,0,104,242,253,253,249,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,167,50,88,245,253,253,251,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,253,253,253,200,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,207,253,253,253,253,236,185,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,99,99,193,99,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,109,109,109,109,109,109,110,233,253,253,255,253,253,253,110,15,0,0,0,0,0,0,0,0,0,0,233,252,252,252,252,252,252,252,253,252,210,252,253,252,252,252,253,159,0,0,0,0,0,0,0,0,0,0,133,215,215,215,71,71,71,71,72,71,31,71,72,71,92,132,253,231,181,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,181,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,212,252,252,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,252,253,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,252,252,175,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,34,139,216,254,254,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,178,230,253,253,239,187,134,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,229,255,253,171,97,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,110,186,245,253,253,122,44,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,161,223,253,253,244,198,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,202,253,253,222,112,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,102,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,253,211,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,253,203,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,135,247,250,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,248,240,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,0,0,189,253,240,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,117,0,0,10,202,253,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,121,0,0,0,155,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,207,0,0,0,155,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,251,133,0,11,202,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,208,45,193,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,227,253,253,206,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,181,152,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,113,255,163,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,217,253,253,217,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,229,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,253,253,253,253,233,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,247,243,73,84,65,186,253,233,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,227,0,0,0,4,171,253,219,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,241,253,112,0,0,0,0,0,249,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,250,42,0,0,0,0,0,174,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,164,0,0,0,0,0,0,130,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,129,0,0,0,0,0,0,130,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,129,0,0,0,0,0,0,130,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,129,0,0,0,0,0,0,130,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,134,0,0,0,0,0,6,136,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,247,0,0,0,0,0,127,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,247,0,0,0,0,18,235,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,247,0,0,0,20,191,253,250,120,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,252,201,146,201,217,253,216,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,249,253,253,253,253,169,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,226,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,128,128,128,128,128,128,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,218,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,215,21,0,0,0,0,0,0,13,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,244,98,0,0,0,0,0,0,74,212,173,13,0,0,0,0,0,0,0,0,0,0,0,0,0,26,205,253,174,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,245,58,0,0,0,0,0,0,76,218,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,32,218,252,241,42,85,116,116,116,168,146,248,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,255,253,253,253,253,255,253,253,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,253,252,252,252,252,228,206,123,171,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,183,69,69,69,69,69,32,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,249,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,189,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,134,254,254,255,218,136,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,242,253,233,218,226,253,253,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,156,82,36,0,20,118,245,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,228,21,0,0,0,0,0,125,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,68,0,0,0,0,0,0,95,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,6,0,0,0,0,0,0,95,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,217,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,227,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,253,218,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,253,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,90,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,246,62,0,0,0,25,26,70,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,250,253,222,93,183,183,183,219,221,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,247,253,253,253,253,253,253,253,253,253,238,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,253,253,253,253,176,152,152,152,139,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,251,135,135,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,195,206,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,182,254,158,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,254,242,158,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,220,254,254,223,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,237,33,6,227,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,174,254,180,0,0,97,247,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,62,0,0,0,198,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,219,14,0,0,0,139,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,197,0,0,0,0,55,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,124,0,0,0,0,13,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,103,0,0,0,0,104,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,103,0,0,0,0,156,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,145,0,0,0,3,202,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,216,13,0,0,70,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,188,254,190,57,117,239,254,188,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,254,254,255,254,189,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,156,254,160,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,231,252,252,168,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,246,252,245,118,0,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,252,230,121,0,0,150,138,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,55,0,0,0,225,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,255,168,0,0,0,0,226,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,152,253,195,19,0,48,147,249,233,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,252,177,73,227,253,186,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,252,252,252,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,252,252,253,243,193,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,252,245,118,222,252,252,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,38,218,252,242,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,38,221,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,225,0,0,0,135,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,249,100,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,221,57,182,209,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,242,252,253,252,252,249,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,252,141,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,40,254,255,128,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,198,253,253,253,253,216,47,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,253,220,237,228,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,190,253,253,202,24,45,126,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,120,89,172,243,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,240,253,253,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,253,253,253,253,249,249,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,243,230,219,112,34,78,253,253,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,55,0,0,0,0,29,228,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,230,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,249,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,190,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,80,80,80,140,254,254,254,255,254,230,80,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,204,253,253,253,253,253,253,253,253,253,253,253,246,98,0,0,0,0,0,0,0,0,0,0,0,101,237,251,253,253,253,251,191,191,191,191,191,191,200,253,253,247,73,0,0,0,0,0,0,0,0,0,88,246,253,253,253,140,113,109,0,0,0,0,0,0,16,113,220,253,78,0,0,0,0,0,0,0,0,69,240,253,253,215,34,7,0,0,0,0,92,219,62,22,0,0,190,209,64,0,0,0,0,0,0,0,0,80,253,253,253,230,64,13,124,124,124,124,249,253,253,185,21,0,91,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,228,207,253,253,253,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,47,213,253,253,253,253,253,253,253,253,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,43,112,244,244,244,226,69,190,69,69,248,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,207,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,250,253,222,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,251,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,227,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,229,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,246,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,250,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,243,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,134,0,0,0,0,13,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,48,0,0,0,53,221,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,223,206,20,0,0,23,183,232,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,30,0,0,0,114,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,242,197,5,0,0,31,239,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,209,247,87,67,67,49,156,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,193,223,254,253,240,240,240,250,254,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,228,85,75,0,0,0,173,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,70,13,0,0,0,0,8,218,161,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,232,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,227,253,183,148,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,216,253,252,252,252,252,253,205,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,211,252,253,252,233,237,252,253,252,242,135,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,151,7,21,128,190,210,252,252,217,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,252,253,168,0,0,0,0,50,244,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,154,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,183,209,227,148,148,148,30,0,0,237,253,232,0,0,0,0,0,0,0,0,0,0,0,0,8,112,216,253,252,252,252,252,253,252,91,0,0,148,252,231,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,253,236,231,231,231,214,91,2,0,54,245,252,231,0,0,0,0,0,0,0,0,0,0,0,22,237,252,252,128,21,0,0,0,0,0,0,0,132,253,252,231,0,0,0,0,0,0,0,0,0,0,0,85,252,252,208,0,0,0,0,0,0,0,0,0,211,253,252,99,0,0,0,0,0,0,0,0,0,0,0,36,224,253,253,124,0,0,0,0,0,0,4,139,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,243,155,7,0,0,15,85,187,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,2,118,249,253,252,234,232,232,237,252,252,252,244,109,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,227,252,252,252,252,253,252,247,162,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,147,235,147,235,191,112,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,0,0,0,0,29,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,114,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,255,226,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,170,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,207,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,234,241,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,218,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,224,253,216,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,246,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,216,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,253,244,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,132,0,45,144,193,144,187,254,230,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,78,253,254,207,242,253,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,136,4,0,14,44,44,14,36,149,175,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,55,0,0,0,0,0,0,0,0,114,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,39,223,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,210,12,0,0,0,0,0,0,35,223,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,225,27,0,0,0,10,75,151,241,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,253,176,155,155,155,241,255,253,253,153,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,254,233,85,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,230,205,234,143,143,33,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,0,0,0,0,0,0,128,191,191,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,128,128,128,128,64,128,191,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,191,128,64,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,123,195,249,254,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,237,254,254,248,188,233,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,235,254,247,162,59,0,50,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,225,254,254,242,29,0,0,0,235,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,203,227,58,0,0,75,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,73,0,0,0,38,200,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,60,133,149,240,249,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,254,254,254,254,254,254,254,254,140,84,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,254,254,254,254,243,141,172,237,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,254,254,235,238,187,68,0,0,129,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,217,254,228,102,0,0,0,0,2,138,162,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,77,0,0,0,0,0,0,230,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,248,254,254,165,0,0,0,0,0,0,143,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,242,65,0,0,0,0,0,0,154,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,112,0,0,0,0,0,0,0,134,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,254,119,4,0,0,0,0,0,0,52,13,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,254,67,0,0,0,0,2,22,102,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,35,0,22,68,110,190,242,237,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,237,226,235,254,254,254,113,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,200,254,254,223,157,157,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,189,254,254,254,254,255,254,254,254,254,254,254,218,80,80,80,74,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,246,158,49,0,0,0,0,0,0,0,0,193,191,191,191,191,191,191,191,191,191,191,191,191,191,223,253,253,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,229,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,135,247,253,250,142,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,150,253,253,197,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,197,232,253,239,202,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,106,202,253,253,231,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,139,253,253,244,140,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,235,253,253,195,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,249,253,253,74,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,239,253,237,104,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,242,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,189,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,244,253,253,185,115,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,253,253,253,220,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,236,156,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,78,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,201,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,142,254,254,250,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,233,234,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,254,161,14,43,234,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,218,11,0,0,49,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,248,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,250,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,206,6,87,147,154,163,147,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,178,100,254,254,255,254,254,233,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,251,249,205,254,249,244,241,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,222,104,19,12,83,227,244,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,246,235,18,0,0,0,0,200,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,202,45,5,2,141,253,187,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,215,254,254,227,197,254,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,249,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,184,207,164,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,193,193,152,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,62,102,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,212,20,102,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,203,20,0,102,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,212,20,0,0,102,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,102,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,142,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,172,51,51,132,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,253,252,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,203,203,142,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,132,10,0,41,214,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,212,203,243,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,255,253,224,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,192,213,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,228,35,0,0,0,0,0,0,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,218,224,32,0,0,0,0,0,5,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,217,254,189,0,0,0,0,0,0,110,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,225,31,0,0,0,0,0,0,224,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,219,254,189,0,0,0,0,0,0,0,224,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,248,69,0,0,0,0,0,0,14,229,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,254,128,0,0,0,0,0,0,0,94,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,87,0,0,0,0,0,0,0,179,254,182,6,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,228,25,0,0,0,0,0,0,20,226,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,14,227,254,126,0,0,0,0,0,0,0,88,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,239,91,69,69,54,51,69,15,56,132,254,179,6,0,0,0,0,0,0,0,0,0,0,0,0,10,231,254,254,254,254,254,242,240,254,211,244,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,254,254,254,254,254,254,254,254,254,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,3,43,43,43,43,43,43,43,43,43,43,214,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,225,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,175,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,251,254,206,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,228,254,169,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,39,120,151,235,147,147,147,147,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,254,254,254,254,254,254,254,208,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,250,253,249,249,212,140,187,228,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,70,0,0,0,0,0,112,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,218,254,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,195,254,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,238,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,203,254,253,234,58,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,197,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,63,184,254,249,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,145,254,251,151,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,243,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,238,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,226,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,144,253,254,167,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,197,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,245,121,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,113,152,173,253,254,172,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,252,253,252,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,203,122,0,0,0,0,0,0,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,163,254,206,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,244,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,253,253,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,253,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,232,253,253,254,201,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,253,253,253,254,248,140,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,254,253,253,192,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,254,253,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,254,253,253,253,246,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,111,111,29,49,112,188,249,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,23,2,0,0,0,18,162,252,253,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,118,0,17,56,178,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,251,199,216,253,254,253,253,207,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,254,253,249,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,255,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,253,220,162,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,158,253,253,171,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,152,193,254,253,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,253,252,253,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,203,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,233,111,0,0,131,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,183,0,0,0,0,203,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,212,20,0,0,0,0,162,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,254,253,244,40,0,0,0,0,0,123,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,122,0,0,0,0,0,82,243,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,82,0,0,0,0,0,132,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,233,70,0,0,0,0,0,0,31,232,203,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,82,0,0,0,0,0,0,62,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,0,0,0,0,0,0,0,183,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,131,0,0,0,0,0,0,214,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,233,30,0,0,0,0,0,123,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,203,0,0,0,0,62,214,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,203,0,0,0,82,223,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,234,112,52,132,254,253,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,253,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,253,254,253,224,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,87,163,254,254,144,67,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,253,254,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,220,253,192,72,44,107,223,236,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,185,4,0,0,0,177,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,131,0,0,0,22,227,232,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,219,0,0,0,121,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,222,243,5,0,54,245,250,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,174,12,130,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,205,245,230,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,210,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,227,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,253,255,200,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,119,211,253,218,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,250,213,16,21,204,253,180,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,104,0,0,23,201,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,66,0,0,0,22,207,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,66,0,0,0,0,133,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,146,6,0,0,0,152,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,253,196,93,188,188,251,236,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,253,254,253,253,186,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,75,127,127,145,232,179,127,127,128,127,127,101,22,22,22,11,0,0,0,0,0,0,0,0,0,0,169,232,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,210,99,37,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,252,235,0,0,0,0,0,0,0,0,18,185,232,253,253,254,253,253,253,236,212,211,211,211,229,254,253,253,253,218,0,0,0,0,0,0,0,0,0,0,32,63,63,63,170,252,252,226,36,0,0,0,106,253,252,245,141,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,79,252,242,67,20,197,241,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,172,253,224,211,252,252,253,126,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,252,252,252,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,236,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,244,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,204,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,252,252,252,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,250,253,253,255,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,91,170,214,126,126,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,255,254,255,208,254,255,248,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,253,253,253,215,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,188,249,253,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,102,107,218,253,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,49,49,54,217,253,253,253,138,28,49,49,49,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,253,253,253,253,253,228,253,253,253,238,117,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,253,253,253,253,253,253,253,245,157,0,0,0,0,0,0,0,0,0,0,0,0,41,165,253,253,253,253,253,219,199,227,253,253,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,10,88,244,253,253,201,20,0,28,54,54,112,161,72,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,170,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,235,253,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,212,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,221,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,253,179,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,234,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,199,253,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,229,113,0,0,0,92,206,206,206,177,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,242,253,180,0,0,0,47,254,253,253,253,253,191,19,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,48,236,254,191,144,217,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,65,0,0,110,253,191,57,0,31,219,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,193,0,0,57,243,254,59,0,0,0,183,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,193,0,0,218,253,253,0,0,0,0,182,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,193,0,0,218,253,253,0,0,0,0,182,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,233,40,0,218,253,253,0,0,0,56,230,239,39,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,60,0,218,253,253,0,0,27,230,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,152,0,218,253,253,0,7,156,253,201,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,253,205,16,218,253,253,86,159,253,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,226,253,184,173,253,253,254,253,239,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,253,253,253,254,191,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,167,253,253,253,253,132,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,190,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,248,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,243,159,245,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,235,2,146,243,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,153,0,63,242,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,172,0,49,250,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,147,164,254,249,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,249,254,254,249,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,146,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,85,42,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,140,224,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,114,254,254,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,148,211,246,253,253,253,253,230,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,254,253,252,238,242,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,134,133,126,0,40,218,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,29,0,0,0,0,0,179,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,75,232,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,191,253,253,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,91,126,240,253,253,242,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,194,229,254,253,253,253,253,246,116,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,247,253,253,254,253,253,253,253,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,149,149,150,149,141,72,149,224,254,201,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,59,0,0,0,0,0,0,0,0,0,0,0,8,64,0,0,0,0,0,0,0,0,0,0,0,179,253,253,59,0,0,0,0,0,0,0,0,0,0,18,174,133,0,0,0,0,0,0,0,0,0,0,0,179,253,226,42,0,0,0,0,0,0,0,0,0,0,166,253,218,38,0,0,0,0,0,0,0,0,15,75,232,253,145,0,0,0,0,0,0,0,0,0,0,0,130,253,253,218,134,64,0,0,0,0,32,134,191,253,253,253,14,0,0,0,0,0,0,0,0,0,0,0,4,117,253,253,253,246,239,239,239,241,243,253,253,253,242,84,1,0,0,0,0,0,0,0,0,0,0,0,0,13,208,248,253,253,253,253,253,254,253,250,208,208,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,253,253,255,217,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,141,255,253,253,153,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,253,252,252,252,244,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,253,252,252,252,253,240,159,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,178,28,28,178,253,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,78,0,0,0,176,254,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,53,0,13,144,243,253,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,228,198,209,252,252,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,252,253,252,252,252,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,235,253,254,253,253,253,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,97,196,109,159,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,125,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,240,249,251,254,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,172,254,254,254,254,254,254,254,211,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,254,254,254,254,254,254,254,220,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,254,163,106,25,25,25,157,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,32,3,0,0,0,0,73,254,254,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,254,212,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,243,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,241,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,254,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,244,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,189,0,0,0,0,0,0,3,40,164,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,196,27,8,19,27,44,157,165,254,240,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,228,254,254,254,180,223,254,254,255,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,254,254,254,254,254,254,254,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,117,215,248,248,248,248,248,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,70,148,131,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,121,222,253,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,154,233,254,253,253,253,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,143,247,253,253,254,205,136,100,236,244,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,237,253,200,147,59,42,11,0,64,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,219,254,231,97,0,0,0,0,0,0,127,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,248,232,125,27,0,0,0,0,0,0,52,233,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,243,129,0,0,0,0,0,0,0,0,136,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,42,0,0,0,0,0,0,0,0,57,247,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,191,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,110,5,0,0,0,0,43,29,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,255,238,233,233,233,234,233,233,192,124,0,0,0,0,0,0,0,0,0,0,33,64,64,65,143,169,226,253,254,232,190,190,216,190,154,42,0,0,0,0,0,0,0,0,0,0,0,81,224,253,253,254,253,253,253,165,87,28,0,0,18,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,254,244,124,213,244,224,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,225,116,47,0,0,162,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,40,0,0,0,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,86,131,131,131,223,161,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,137,209,254,254,254,254,248,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,206,254,254,254,254,254,227,107,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,206,254,254,254,254,254,254,254,254,254,254,181,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,254,254,254,254,254,254,254,254,254,254,129,5,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,254,254,254,254,254,254,254,254,254,254,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,181,254,254,254,233,100,206,244,244,254,254,254,177,93,56,4,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,254,254,200,231,235,235,254,254,254,254,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,254,254,254,254,254,254,254,254,254,254,254,254,222,8,0,0,0,0,0,0,0,0,0,0,0,15,229,254,254,254,254,254,254,254,254,254,254,254,254,254,254,12,0,0,0,0,0,0,0,0,0,0,0,0,49,228,254,254,254,206,186,186,186,186,243,254,254,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,34,74,158,55,16,0,0,0,0,46,226,254,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,230,254,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,206,254,254,254,216,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,254,254,164,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,226,160,78,137,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,246,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,196,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,43,234,147,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,155,254,254,254,157,91,7,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,253,244,241,244,253,253,253,210,89,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,225,33,0,30,111,211,250,253,253,102,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,184,0,0,0,0,0,88,220,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,155,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,171,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,39,20,0,0,37,63,121,247,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,8,81,160,205,214,229,218,205,205,229,245,253,253,220,119,3,0,0,0,0,0,0,0,0,0,0,5,97,215,253,253,196,166,166,166,166,130,43,218,253,219,37,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,181,37,13,0,0,0,0,0,176,247,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,123,12,0,0,0,0,0,27,197,248,253,123,4,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,105,0,0,0,0,0,78,206,253,220,106,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,231,112,112,38,77,200,249,253,165,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,253,253,253,246,250,253,224,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,144,253,232,129,129,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,210,83,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,235,205,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,208,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,244,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,221,161,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,150,244,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,90,202,254,254,234,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,232,192,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,214,215,234,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,211,254,254,192,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,149,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,128,254,229,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,254,196,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,191,254,230,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,231,228,169,203,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,32,254,251,103,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,182,245,254,154,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,18,191,51,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,222,101,0,0,0,89,128,253,255,253,143,113,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,249,225,86,210,246,252,252,253,252,252,252,252,226,100,19,0,0,0,0,0,0,0,0,0,0,0,19,177,252,252,253,252,252,245,118,56,55,165,195,195,253,252,177,19,0,0,0,0,0,0,0,0,0,0,0,19,84,161,237,252,252,242,91,0,0,0,0,0,146,249,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,0,0,0,0,0,0,225,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,192,12,0,0,63,176,253,165,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,43,214,253,228,146,225,240,215,42,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,252,252,230,55,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,190,79,0,198,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,242,74,0,0,72,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,240,223,0,0,0,13,187,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,129,0,0,0,0,75,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,161,0,0,0,0,29,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,225,0,0,0,0,29,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,249,225,85,9,0,29,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,253,203,165,79,252,165,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,99,239,253,252,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,112,112,221,157,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,61,148,156,183,148,87,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,252,252,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,223,126,126,126,170,245,252,233,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,67,237,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,237,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,106,106,124,242,252,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,255,253,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,133,239,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,56,247,252,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,252,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,4,57,181,252,244,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,126,169,183,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,217,252,253,252,155,77,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,101,101,147,255,254,212,101,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,200,250,253,253,253,253,253,253,253,229,163,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,228,253,253,253,253,253,253,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,165,160,81,7,7,7,7,16,203,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,147,4,0,0,0,0,0,0,0,116,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,115,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,196,161,5,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,239,14,0,0,0,0,0,0,2,132,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,14,0,0,0,0,0,0,16,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,2,0,0,0,0,0,0,63,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,253,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,250,253,150,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,16,16,16,16,131,253,249,134,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,116,191,253,253,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,226,253,253,253,253,253,253,253,253,243,206,62,10,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,253,253,253,253,253,253,253,253,253,253,253,175,59,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,154,145,145,174,253,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,37,230,253,253,253,253,213,120,4,0,0,13,55,224,253,252,142,10,0,0,0,0,0,0,0,0,0,0,0,58,155,253,253,108,27,0,0,0,0,0,0,46,136,253,187,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,121,121,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,108,142,250,253,253,239,108,0,0,0,0,121,142,34,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,155,132,194,214,253,50,0,0,73,248,253,80,0,0,0,0,0,0,0,0,0,0,0,0,133,249,253,154,11,7,15,35,211,92,0,0,81,253,253,80,0,0,0,0,0,0,0,0,0,0,0,32,244,253,154,11,0,0,0,3,25,0,0,0,117,253,253,80,0,0,0,0,0,0,0,0,0,0,0,149,253,184,11,0,0,0,0,0,0,0,0,20,222,253,253,108,0,0,0,0,0,0,0,0,0,0,0,254,253,159,0,0,0,0,0,0,0,0,18,190,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,254,253,159,0,0,0,0,0,0,0,13,193,253,202,220,253,213,0,0,0,0,0,0,0,0,0,0,0,254,253,159,0,0,0,0,0,1,14,198,253,241,93,201,253,213,0,0,0,0,0,0,0,0,0,0,0,183,253,209,21,0,0,0,86,140,253,254,253,26,0,130,253,234,49,0,0,0,0,0,0,0,0,0,0,64,249,254,254,254,254,254,254,254,254,134,7,0,0,68,254,255,94,0,0,0,0,0,0,0,0,0,0,0,69,242,253,253,253,253,185,139,13,0,0,0,0,4,191,253,220,0,0,0,0,0,0,0,0,0,0,0,0,23,26,132,131,26,10,0,0,0,0,0,0,0,187,253,250,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,232,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,243,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,177,242,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,128,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,128,128,128,191,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,70,133,202,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,128,242,252,253,252,252,252,252,221,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,252,252,253,231,158,216,224,242,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,252,229,84,36,0,0,20,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,200,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,173,252,252,252,200,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,176,252,252,253,232,217,194,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,253,252,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,252,252,253,252,252,206,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,231,253,253,242,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,252,252,178,5,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,118,9,18,253,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,36,0,201,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,198,252,191,10,79,249,253,206,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,76,28,207,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,252,116,206,252,252,203,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,230,148,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,95,89,0,0,13,226,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,231,0,0,16,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,254,80,0,0,167,254,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,92,238,254,195,19,0,54,235,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,203,254,254,254,92,0,0,155,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,206,254,254,244,89,2,0,42,235,249,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,192,61,0,10,46,219,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,213,132,132,169,254,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,254,254,254,254,254,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,249,254,254,254,254,254,254,254,191,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,130,130,130,195,254,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,165,254,254,145,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,139,254,254,229,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,236,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,141,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,102,102,102,102,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,254,254,254,254,229,159,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,206,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,216,254,254,186,161,218,161,207,254,254,177,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,189,17,0,37,0,30,208,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,169,0,0,0,0,0,32,208,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,250,254,254,23,0,0,0,0,0,0,171,254,251,87,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,14,0,0,0,0,0,0,171,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,182,7,0,0,0,0,0,0,171,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,116,0,0,0,0,0,0,0,171,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,116,0,0,0,0,0,12,160,229,254,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,116,0,0,0,0,0,125,254,254,254,224,47,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,116,0,0,0,0,7,160,254,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,116,0,0,0,5,132,254,254,254,247,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,254,179,7,0,0,148,254,254,254,247,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,73,63,142,251,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,254,254,254,255,254,254,254,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,254,254,254,201,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,230,254,254,254,254,202,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,246,254,174,100,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,209,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,212,254,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,255,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,203,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,255,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,131,29,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,243,254,245,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,205,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,217,254,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,199,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,125,192,125,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,165,249,254,254,255,254,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,197,254,254,254,252,222,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,133,106,19,9,19,195,254,254,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,140,254,254,251,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,139,254,254,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,183,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,53,167,184,184,117,184,184,156,53,84,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,22,171,249,254,254,254,254,254,255,254,254,254,254,254,250,86,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,254,254,254,254,254,254,254,254,254,232,17,0,0,0,0,0,0,0,0,0,0,0,17,203,254,254,174,91,91,91,91,91,122,245,254,254,254,254,188,0,0,0,0,0,0,0,0,0,0,0,112,254,254,200,13,0,0,0,0,0,51,227,254,254,254,255,247,84,13,0,0,0,0,0,0,0,0,0,0,239,254,254,111,20,14,7,20,122,228,254,254,251,237,255,254,254,195,10,0,0,0,0,0,0,0,0,0,113,254,254,254,254,218,178,254,254,254,254,222,94,15,199,254,254,254,124,0,0,0,0,0,0,0,0,0,0,112,238,250,254,254,254,254,254,253,153,36,0,0,153,248,248,177,57,0,0,0,0,0,0,0,0,0,0,0,0,48,124,235,187,217,124,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,96,96,194,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,151,190,244,251,253,251,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,251,251,251,251,253,251,188,15,0,0,80,0,0,0,0,0,0,0,0,0,0,0,0,8,143,221,240,253,251,251,196,188,91,188,94,16,64,223,240,221,27,0,0,0,0,0,0,0,0,0,0,32,251,251,251,193,94,94,12,0,0,0,0,162,251,253,251,251,129,0,0,0,0,0,0,0,0,0,0,191,253,253,253,195,36,96,96,36,0,12,174,253,253,255,253,205,19,0,0,0,0,0,0,0,0,0,0,67,236,251,251,253,212,251,251,212,191,197,251,251,251,161,62,31,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,251,251,251,251,253,251,251,251,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,31,31,31,157,251,251,251,253,251,251,156,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,251,251,251,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,214,253,253,253,159,230,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,251,251,223,121,0,190,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,251,251,31,0,0,111,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,251,253,204,109,4,0,0,72,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,190,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,100,0,0,0,0,155,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,20,24,32,32,131,253,251,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,206,221,251,251,251,253,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,244,251,253,251,251,251,251,189,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,193,253,251,251,113,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,132,250,254,149,0,0,0,0,114,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,140,156,0,0,0,40,244,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,253,170,9,0,0,0,0,148,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,103,0,0,0,0,35,225,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,16,0,0,0,0,104,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,9,0,0,0,0,180,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,9,0,0,0,59,236,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,221,6,0,0,0,131,253,236,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,19,0,0,18,180,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,214,119,188,229,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,210,254,254,254,255,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,49,122,122,205,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,226,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,205,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,105,219,253,255,218,105,105,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,78,231,252,252,252,253,252,252,252,213,208,208,155,50,0,0,0,0,0,0,0,0,0,0,0,1,15,173,252,252,252,252,252,253,252,252,252,252,252,252,252,207,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,252,252,252,253,252,252,252,216,132,132,132,110,0,0,0,0,0,0,0,0,0,0,0,147,252,252,243,177,177,177,90,29,29,29,29,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,168,134,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,252,186,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,207,246,252,252,252,180,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,103,182,252,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,247,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,153,250,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,143,29,0,9,144,252,252,229,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,245,134,169,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,252,252,220,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,157,252,252,252,148,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,235,146,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,0,98,107,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,55,197,233,197,248,253,198,192,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,253,253,253,253,253,253,253,202,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,216,253,246,204,203,204,203,204,220,253,253,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,194,99,0,0,0,0,0,37,119,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,71,14,0,0,0,0,0,0,0,3,152,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,19,0,78,232,253,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,191,217,116,249,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,253,253,217,130,42,42,42,42,42,42,0,0,0,0,0,0,0,0,0,0,0,0,0,24,122,241,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,32,85,195,195,195,195,205,253,202,195,195,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,106,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,79,141,141,141,191,192,216,253,253,255,253,128,4,0,0,0,0,0,0,0,0,45,169,169,169,170,225,252,252,253,252,252,252,253,252,252,252,253,252,233,22,0,0,0,0,0,0,0,0,141,252,252,252,253,252,252,177,168,168,168,168,106,56,94,243,253,233,112,0,0,0,0,0,0,0,0,0,16,53,90,139,78,28,28,3,0,0,0,0,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,252,40,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,151,181,110,18,3,0,24,137,137,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,254,170,154,253,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,231,254,254,254,255,254,254,254,219,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,255,233,243,254,254,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,108,228,254,250,97,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,241,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,164,254,254,205,77,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,213,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,254,142,173,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,207,253,111,22,60,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,204,0,0,60,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,207,17,0,0,60,254,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,147,0,0,0,60,254,206,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,79,0,0,0,74,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,29,0,0,31,192,240,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,29,0,7,185,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,158,87,207,254,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,191,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,177,254,252,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,203,141,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,255,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,255,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,203,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,152,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,188,255,254,217,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,190,245,253,253,253,253,249,219,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,191,244,253,249,107,40,40,40,155,253,227,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,249,237,198,105,58,0,0,0,0,12,186,253,223,10,0,0,0,0,0,0,0,0,0,0,0,0,0,236,240,153,0,0,0,0,0,0,0,0,69,238,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,48,64,0,0,0,0,0,0,0,0,0,0,144,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,200,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,233,248,248,248,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,253,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,170,184,184,184,184,184,231,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,231,152,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,176,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,83,155,0,0,0,0,179,250,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,174,210,246,112,0,0,0,0,179,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,245,175,109,179,179,179,231,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,238,253,253,253,253,253,253,253,239,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,116,116,120,186,116,116,116,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,252,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,252,155,121,253,202,74,22,22,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,221,231,217,200,252,252,252,252,239,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,38,99,59,7,42,42,113,147,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,151,0,0,0,0,0,0,0,0,36,243,253,84,0,0,0,0,0,0,0,0,0,0,0,0,84,242,222,16,0,0,0,0,0,0,0,0,0,111,252,84,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,4,187,252,84,0,0,0,0,0,0,0,0,0,0,0,15,225,182,0,0,0,0,0,0,0,0,0,0,43,252,247,63,0,0,0,0,0,0,0,0,0,0,0,110,252,147,0,0,0,0,0,0,0,0,0,0,43,252,187,0,0,0,0,0,0,0,0,0,0,0,0,233,253,86,0,0,0,0,0,0,0,0,0,0,105,253,65,0,0,0,0,0,0,0,0,0,0,0,0,232,169,11,0,0,0,0,0,0,0,0,0,36,183,224,14,0,0,0,0,0,0,0,0,0,0,0,78,251,84,0,0,0,0,0,0,0,0,2,92,223,232,40,0,0,0,0,0,0,0,0,0,0,0,0,85,252,84,0,0,0,0,0,0,0,0,119,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,84,0,0,0,0,0,0,0,36,241,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,84,0,0,0,0,0,0,61,253,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,163,0,0,0,0,0,80,227,224,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,247,100,22,22,31,153,241,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,252,252,252,226,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,235,253,252,244,147,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,139,78,43,105,148,192,148,148,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,201,252,252,252,252,253,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,252,252,252,252,253,252,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,231,189,189,189,253,252,252,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,174,174,28,0,27,150,253,252,252,252,121,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,0,22,183,253,254,239,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,217,107,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,155,9,16,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,204,232,167,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,253,252,252,242,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,168,243,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,202,252,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,118,249,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,0,0,0,0,0,0,0,0,0,185,253,189,6,0,0,0,0,0,0,0,0,0,0,0,0,0,98,246,89,0,0,0,0,0,0,0,71,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,4,183,253,175,29,0,0,0,25,43,192,253,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,252,253,231,190,120,173,227,252,252,252,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,252,252,252,252,253,252,252,252,235,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,253,252,252,252,252,253,252,194,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,147,244,252,252,174,42,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,142,61,0,41,102,102,102,102,102,20,0,0,0,0,0,0,0,0,0,0,0,0,11,132,173,253,254,253,254,253,254,253,254,253,255,233,183,102,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,233,192,151,232,131,50,50,50,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,223,234,112,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,213,252,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,10,0,0,0,0,0,41,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,91,0,0,0,0,82,243,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,153,71,153,233,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,252,253,252,192,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,132,242,183,152,114,114,179,183,184,121,98,110,82,114,114,49,0,0,0,0,0,0,0,0,0,0,0,6,191,253,253,254,253,253,253,253,254,253,253,253,245,254,253,197,0,0,0,0,0,0,0,0,0,0,0,0,13,96,115,177,197,141,193,157,119,197,157,91,165,115,177,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,99,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,219,255,191,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,166,247,230,162,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,239,226,23,31,210,252,172,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,230,52,155,151,0,26,216,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,128,0,31,122,0,0,29,211,238,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,78,0,0,0,0,0,0,64,249,198,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,191,231,10,0,0,0,0,0,0,0,99,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,159,0,0,0,0,0,0,0,0,32,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,124,0,0,0,0,0,0,0,0,5,191,250,70,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,124,0,0,0,0,0,0,0,0,0,79,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,84,0,0,0,0,0,0,0,0,0,79,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,123,0,0,0,0,0,0,0,0,0,79,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,124,0,0,0,0,0,0,0,0,0,79,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,182,10,0,0,0,0,0,0,0,0,133,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,110,0,0,0,0,0,0,0,10,204,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,244,187,3,0,0,0,0,0,0,176,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,128,0,0,0,0,12,104,249,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,219,251,150,28,11,94,180,253,188,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,247,253,253,253,253,244,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,175,211,232,149,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,70,130,215,254,254,254,254,254,212,130,21,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,241,241,241,241,241,241,241,241,241,251,253,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,236,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,227,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,80,195,253,186,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,44,44,44,44,44,44,81,195,253,253,215,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,253,253,253,253,253,253,165,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,152,197,197,197,197,240,253,253,253,190,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,68,167,212,253,227,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,226,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,186,7,0,0,0,0,0,0,0,0,0,0,0,11,153,41,0,0,0,0,0,0,0,0,0,0,142,253,253,18,0,0,0,0,0,0,0,0,0,0,0,8,207,227,93,0,0,0,0,0,0,0,0,130,250,253,157,2,0,0,0,0,0,0,0,0,0,0,0,0,89,253,251,236,154,112,112,112,27,88,151,250,253,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,1,24,207,253,253,253,253,253,245,251,253,253,210,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,85,129,214,253,253,253,253,214,87,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,239,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,234,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,170,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,233,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,201,76,76,132,58,36,105,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,19,123,186,252,252,253,252,252,252,252,252,165,88,25,0,0,0,0,0,0,0,0,0,0,0,98,175,80,201,252,252,252,235,219,252,252,252,252,252,252,252,211,25,0,0,0,0,0,0,0,0,0,17,221,252,212,252,252,210,95,44,4,84,188,252,252,252,172,148,208,107,0,0,0,0,0,0,0,0,3,79,252,252,252,171,72,10,0,0,0,18,225,252,252,171,14,28,7,0,0,0,0,0,0,0,0,0,13,252,252,238,151,14,0,0,0,0,0,25,252,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,13,252,252,163,0,0,0,0,0,41,41,123,252,252,232,40,0,0,0,0,0,0,0,0,0,0,0,0,117,252,221,12,0,0,0,38,9,224,235,237,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,216,0,0,0,37,163,231,251,253,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,195,252,233,40,0,0,85,252,252,252,253,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,230,132,41,94,253,253,253,255,253,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,242,252,252,252,252,252,252,252,252,253,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,170,240,252,252,182,96,238,252,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,84,84,16,0,229,252,253,247,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,245,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,237,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,233,234,152,152,152,152,152,51,132,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,252,253,252,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,214,253,254,253,254,253,254,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,50,50,50,91,172,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,72,233,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,163,243,253,252,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,254,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,233,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,131,213,252,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,82,0,0,41,173,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,102,21,72,233,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,223,223,253,252,253,171,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,151,213,212,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,67,67,178,254,254,255,226,67,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,199,253,253,253,253,253,253,253,253,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,253,253,253,253,253,249,249,253,253,246,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,208,177,112,113,177,177,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,253,253,253,102,0,36,95,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,140,253,253,253,103,0,95,253,239,160,160,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,236,253,253,237,33,81,215,249,253,253,193,38,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,114,0,0,149,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,222,253,253,243,107,0,13,152,253,253,253,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,176,18,0,7,175,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,253,253,253,164,12,0,169,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,253,253,253,187,106,170,253,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,202,253,253,253,250,250,253,253,212,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,130,208,253,253,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,93,253,253,113,168,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,13,140,255,237,111,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,145,243,253,254,253,253,253,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,129,235,253,253,253,97,96,194,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,145,253,253,237,205,95,84,0,5,176,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,207,71,0,0,0,3,137,253,253,210,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,180,94,14,0,0,0,0,48,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,173,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,253,239,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,254,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,244,242,250,208,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,0,0,68,194,227,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,226,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,233,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,73,18,0,0,0,0,0,0,11,165,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,217,80,0,0,0,0,9,110,253,253,253,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,241,114,98,98,161,221,253,253,253,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,147,253,253,253,253,254,253,253,253,175,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,52,236,253,253,191,202,178,52,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,233,96,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,251,157,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,220,251,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,236,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,206,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,244,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,248,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,218,255,253,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,251,251,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,212,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,80,80,80,80,237,254,254,255,237,0,0,0,0,0,0,0,0,0,0,0,0,148,158,158,82,127,158,227,253,253,253,253,253,253,253,253,246,98,0,0,0,0,0,0,0,0,0,0,148,252,253,253,245,250,253,253,253,253,253,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,158,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,130,250,253,253,253,248,209,209,209,209,160,34,231,253,253,253,237,21,0,0,0,0,0,0,0,0,0,0,0,123,130,130,130,117,0,0,0,0,0,73,240,253,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,160,253,253,253,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,253,169,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,248,253,253,253,241,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,244,253,253,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,253,253,253,143,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,247,253,253,130,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,202,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,181,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,254,254,254,187,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,253,253,253,253,253,253,253,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,237,253,253,253,253,253,253,253,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,19,19,19,19,19,42,165,253,253,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,189,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,244,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,85,20,20,112,242,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,222,253,219,219,253,253,253,186,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,253,253,212,174,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,211,71,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,182,253,253,218,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,242,253,243,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,244,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,236,253,253,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,204,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,176,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,206,50,113,113,114,113,113,113,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,237,252,252,253,252,252,252,252,226,225,116,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,199,252,252,252,253,252,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,84,84,84,84,90,205,252,253,252,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,165,252,252,253,204,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,238,253,253,253,204,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,225,253,252,252,195,89,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,104,197,234,252,253,233,86,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,252,252,252,253,224,59,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,178,253,253,253,255,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,27,27,27,181,252,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,243,252,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,207,253,255,253,165,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,131,246,252,252,253,129,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,150,197,222,252,252,252,220,56,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,234,252,252,253,252,230,129,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,190,112,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,191,255,100,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,233,252,253,252,222,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,236,252,252,253,252,252,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,185,252,252,185,73,121,163,251,246,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,235,26,0,0,0,146,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,241,252,237,66,0,0,0,0,5,184,252,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,21,245,252,242,109,0,0,0,0,0,0,38,226,252,201,3,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,131,0,0,0,0,0,0,0,0,131,252,252,66,0,0,0,0,0,0,0,0,0,0,0,31,245,252,225,44,0,0,0,0,0,0,0,0,89,252,252,66,0,0,0,0,0,0,0,0,0,0,0,100,252,252,69,0,0,0,0,0,0,0,0,0,89,252,252,66,0,0,0,0,0,0,0,0,0,0,0,210,253,246,48,0,0,0,0,0,0,0,0,0,89,253,253,66,0,0,0,0,0,0,0,0,0,0,47,239,252,168,0,0,0,0,0,0,0,0,0,0,165,252,241,49,0,0,0,0,0,0,0,0,0,0,157,252,252,88,0,0,0,0,0,0,0,0,0,46,243,252,165,0,0,0,0,0,0,0,0,0,0,0,176,252,252,88,0,0,0,0,0,0,0,0,12,168,252,247,47,0,0,0,0,0,0,0,0,0,0,0,176,252,252,88,0,0,0,0,0,0,0,0,204,252,233,140,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,126,0,0,0,0,0,0,62,179,250,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,252,248,145,21,31,122,217,232,246,252,252,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,246,252,252,252,252,252,252,253,252,252,220,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,252,210,175,132,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,142,147,204,170,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,128,161,161,195,255,254,254,186,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,239,254,253,253,219,207,206,244,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,162,138,54,46,13,0,5,212,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,47,47,9,0,0,0,0,102,254,244,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,253,215,140,57,11,95,240,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,254,253,253,253,254,215,215,253,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,184,254,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,203,253,253,253,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,143,228,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,148,0,68,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,247,254,115,0,0,120,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,115,0,0,70,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,254,115,0,0,45,245,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,255,220,13,0,19,237,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,253,192,138,204,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,253,254,240,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,119,194,160,136,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,162,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,231,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,245,254,140,0,0,0,0,0,2,39,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,63,0,0,0,0,0,95,254,215,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,237,254,187,14,0,0,0,0,34,223,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,230,30,0,0,0,0,0,198,254,254,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,28,231,252,116,0,0,0,0,0,62,237,254,213,16,0,0,0,0,0,0,0,0,0,0,0,0,0,2,166,254,157,0,0,0,0,0,97,236,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,247,239,239,239,239,239,254,254,254,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,226,195,195,195,195,216,254,254,231,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,173,181,37,0,0,0,0,93,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,3,0,0,0,0,0,105,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,215,254,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,146,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,182,254,254,254,255,169,163,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,202,121,108,108,109,160,206,251,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,59,5,0,0,0,0,0,6,117,240,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,96,0,0,0,0,0,0,64,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,218,13,0,0,0,0,46,218,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,121,0,0,0,152,241,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,243,102,40,204,252,245,89,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,237,243,254,199,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,216,181,170,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,245,49,7,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,171,0,0,208,193,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,55,0,0,87,251,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,214,11,0,0,0,235,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,199,0,0,0,0,178,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,210,8,0,0,0,145,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,231,164,8,0,11,225,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,224,210,167,215,249,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,143,162,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,107,189,255,254,254,202,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,157,228,254,244,225,146,194,241,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,244,254,234,155,46,0,0,0,53,235,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,199,253,217,68,4,0,0,0,0,0,0,108,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,172,34,0,0,0,0,0,0,0,0,187,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,188,2,0,0,0,0,0,0,0,0,32,239,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,250,4,0,0,0,0,0,0,0,0,136,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,149,3,0,0,0,0,0,0,0,14,184,202,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,199,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,169,254,140,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,144,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,144,249,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,168,254,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,133,253,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,170,239,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,240,134,0,0,0,0,0,0,0,26,90,133,122,130,0,0,0,0,0,0,0,0,0,0,0,0,122,245,128,0,0,0,5,47,102,190,197,234,251,208,0,0,0,0,0,0,0,0,0,0,0,0,0,25,251,168,49,68,75,163,249,254,254,217,186,123,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,240,246,254,254,243,220,141,59,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,221,157,115,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,236,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,150,251,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,231,253,147,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,150,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,236,251,251,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,160,251,251,225,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,251,204,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,0,0,0,0,0,0,0,0,149,251,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,125,190,251,0,0,0,0,0,0,0,0,62,236,251,142,0,0,0,0,0,0,0,0,0,0,0,37,140,246,235,86,0,0,0,0,0,0,0,0,0,144,251,189,109,0,0,0,0,0,0,0,94,109,109,253,251,251,142,0,0,0,0,0,0,0,0,0,0,144,251,251,251,182,180,180,180,180,182,180,241,251,251,253,251,96,41,0,0,0,0,0,0,0,0,0,0,105,243,253,253,255,253,253,253,253,255,253,253,253,253,234,77,0,0,0,0,0,0,0,0,0,0,0,0,0,93,169,251,253,251,251,251,251,253,251,230,107,107,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,35,216,215,189,113,215,35,35,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,37,74,122,0,79,217,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,239,239,223,201,221,189,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,217,254,254,210,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,254,99,67,79,6,61,19,43,0,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,243,251,254,236,249,240,245,205,235,235,213,137,42,0,0,0,0,0,0,0,0,0,0,0,8,206,254,254,254,246,155,140,58,59,58,58,58,133,156,239,145,46,0,0,0,0,0,0,0,0,0,0,20,254,254,232,174,15,0,0,0,0,0,0,0,0,0,91,237,148,14,0,0,0,0,0,0,0,0,0,11,136,84,24,0,0,0,0,0,0,0,0,0,0,0,0,131,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,241,155,0,0,0,0,0,0,0,0,0,19,12,54,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,155,0,0,0,0,0,0,0,0,0,193,213,113,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,155,0,0,0,0,0,0,0,0,0,119,254,118,0,0,0,0,0,0,0,0,0,0,0,37,149,254,170,23,0,0,0,0,0,0,0,0,5,121,254,117,16,0,0,0,0,0,0,0,7,35,193,240,254,240,108,0,0,0,0,0,0,0,0,0,128,224,254,196,183,177,126,123,44,31,49,124,200,254,254,254,254,78,0,0,0,0,0,0,0,0,0,0,73,203,201,254,208,255,245,218,243,242,247,254,254,254,254,132,57,6,0,0,0,0,0,0,0,0,0,0,0,5,36,163,216,254,254,254,254,254,254,254,185,155,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,146,227,255,234,146,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,231,253,253,253,253,253,136,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,251,250,250,253,210,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,248,253,186,55,44,35,204,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,172,44,0,0,0,17,253,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,172,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,207,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,228,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,232,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,242,253,253,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,175,253,253,253,253,253,244,218,94,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,206,253,253,253,253,253,253,253,253,253,211,145,66,2,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,247,82,82,150,219,253,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,253,71,0,0,0,3,5,5,60,221,53,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,253,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,255,180,107,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,252,253,252,252,135,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,227,183,184,183,202,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,227,50,0,0,0,70,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,79,0,0,0,0,7,211,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,144,0,0,0,0,0,70,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,153,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,202,25,0,0,9,166,240,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,236,230,230,233,252,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,113,206,206,206,144,121,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,131,0,0,0,0,0,0,0,0,0,51,198,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,211,5,0,0,0,0,0,0,0,62,199,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,113,0,0,0,0,0,93,176,240,253,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,245,128,70,87,170,254,255,203,254,228,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,219,253,254,244,198,115,56,116,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,215,13,46,46,38,0,0,7,232,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,206,0,0,0,0,0,0,104,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,152,187,207,0,0,0,0,0,0,221,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,224,69,0,0,0,0,0,0,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,17,0,0,0,0,0,0,76,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,93,0,0,34,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,119,0,32,170,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,197,64,224,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,149,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,47,47,95,202,202,202,192,47,47,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,147,147,183,254,254,254,254,254,254,254,254,254,181,0,0,0,0,0,0,0,0,0,0,0,155,248,248,251,254,254,254,254,254,254,254,254,254,254,254,254,247,0,0,0,0,0,0,0,0,0,0,0,232,254,254,254,254,254,254,254,254,254,231,254,254,254,254,254,247,0,0,0,0,0,0,0,0,0,0,0,46,225,254,254,254,254,208,116,116,157,184,254,254,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,12,14,14,14,14,91,86,166,245,254,254,254,254,254,123,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,186,251,254,254,254,254,254,254,254,254,254,206,32,6,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,254,254,254,254,254,254,254,254,255,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,214,177,177,177,177,177,177,243,254,254,217,31,0,0,0,0,0,0,0,0,0,0,0,0,59,161,85,77,37,0,0,0,0,0,0,203,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,19,0,0,0,0,0,0,0,63,254,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,94,250,172,0,0,0,0,0,0,0,166,254,254,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,223,0,0,0,0,0,79,117,234,255,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,231,63,44,6,63,199,242,254,254,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,254,255,227,171,254,254,254,254,254,250,92,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,225,254,254,254,254,254,254,254,162,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,200,200,200,200,200,191,46,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,146,185,199,218,255,197,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,76,76,239,253,253,253,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,226,253,253,253,253,253,253,251,253,253,218,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,198,253,253,253,232,140,102,102,59,102,229,253,212,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,191,88,0,0,0,0,0,135,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,12,137,247,253,154,7,0,0,0,0,3,53,237,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,222,0,0,0,0,0,56,180,253,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,171,0,0,80,156,195,250,253,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,233,233,252,253,253,253,246,207,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,45,253,253,253,253,253,253,253,253,253,108,153,253,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,2,72,191,253,253,253,253,194,76,54,18,98,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,144,112,16,6,0,0,112,244,253,253,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,238,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,237,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,242,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,230,253,253,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,184,151,145,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,13,13,13,13,13,13,13,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,228,253,253,253,253,254,253,253,233,117,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,176,253,225,217,217,217,217,254,253,253,253,253,226,47,0,0,0,0,0,0,0,0,0,0,0,0,40,222,221,84,20,0,0,0,0,85,158,253,253,253,253,225,47,0,0,0,0,0,0,0,0,0,0,3,171,253,205,0,0,0,0,0,0,0,7,72,164,253,253,253,179,6,0,0,0,0,0,0,0,0,0,13,253,253,228,35,0,0,0,0,0,0,0,0,35,198,253,253,253,117,0,0,0,0,0,0,0,0,0,111,253,253,107,0,0,0,0,0,0,0,0,0,0,41,233,253,253,233,9,0,0,0,0,0,0,0,0,133,253,253,188,0,0,0,0,0,0,0,0,0,0,0,62,235,253,253,116,0,0,0,0,0,0,0,0,133,253,253,205,0,0,0,0,0,0,0,0,0,0,0,32,226,253,253,184,0,0,0,0,0,0,0,0,133,253,253,205,0,0,0,0,0,0,0,0,0,0,0,38,231,253,253,253,0,0,0,0,0,0,0,0,192,254,254,206,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,132,0,0,0,0,0,0,0,0,133,253,253,209,7,0,0,0,0,0,0,0,0,0,0,142,253,253,253,132,0,0,0,0,0,0,0,0,133,253,253,253,90,0,0,0,0,0,0,0,0,0,9,202,253,253,253,132,0,0,0,0,0,0,0,0,53,253,253,253,193,0,0,0,0,0,0,0,0,10,155,253,253,253,253,52,0,0,0,0,0,0,0,0,13,253,253,253,236,90,12,0,0,0,0,0,38,98,253,253,253,253,146,4,0,0,0,0,0,0,0,0,9,187,253,253,253,253,164,73,73,73,80,194,231,253,253,253,253,225,17,0,0,0,0,0,0,0,0,0,0,5,175,253,253,253,253,253,253,253,254,253,253,253,253,253,184,47,0,0,0,0,0,0,0,0,0,0,0,0,40,175,253,253,253,253,253,253,254,253,253,235,70,36,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,117,144,144,191,201,145,144,69,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,194,213,255,254,240,101,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,229,253,253,253,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,177,151,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,223,3,2,29,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,222,0,0,140,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,222,0,43,219,253,253,246,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,222,0,78,253,253,253,253,176,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,226,31,99,253,253,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,253,253,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,249,253,253,253,253,253,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,233,253,253,251,230,250,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,129,129,118,0,148,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,250,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,143,46,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,187,254,255,186,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,198,251,215,139,254,227,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,239,96,9,9,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,59,0,0,93,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,103,0,0,0,151,236,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,69,0,0,106,247,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,77,0,30,212,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,228,127,180,210,228,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,199,51,185,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,56,90,11,13,222,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,99,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,232,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,176,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,98,0,0,0,0,0,0,8,6,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,9,0,0,0,0,0,93,207,200,243,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,172,1,0,0,0,45,210,254,254,254,254,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,0,0,11,197,246,254,247,200,171,253,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,138,0,72,230,254,254,173,37,0,0,231,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,254,72,83,251,254,230,128,6,0,0,68,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,180,253,254,214,28,0,0,0,5,152,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,254,144,0,0,0,0,0,133,254,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,254,206,4,0,0,0,27,181,250,244,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,223,58,36,102,143,236,254,249,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,254,254,217,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,172,254,254,254,254,254,240,155,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,251,254,187,140,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,206,113,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,253,252,252,84,0,0,0,0,0,0,26,57,57,19,0,0,0,0,0,0,0,0,0,0,10,60,224,252,253,252,252,84,0,0,0,0,0,0,207,252,252,180,13,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,220,37,0,0,0,0,0,79,253,252,252,236,50,0,0,0,0,0,0,0,0,0,86,253,253,253,255,253,133,0,0,0,0,0,92,253,255,253,253,162,0,0,0,0,0,0,0,0,0,0,131,252,252,252,253,176,6,0,0,0,0,98,243,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,136,0,0,0,0,19,209,252,252,253,252,176,19,0,0,0,0,0,0,0,0,0,13,228,252,252,252,178,9,0,0,0,29,104,252,252,252,253,195,19,0,0,0,0,0,0,0,0,0,0,191,252,252,252,252,203,140,140,140,140,253,252,252,252,252,253,167,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,255,253,253,253,253,255,253,253,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,252,253,252,252,252,252,152,3,0,0,0,0,0,0,0,0,0,0,0,222,252,252,252,252,253,252,252,252,252,253,252,252,252,252,31,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,252,252,253,252,252,252,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,112,128,252,253,204,112,128,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,253,252,252,242,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,252,253,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,161,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,237,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,191,185,198,121,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,17,0,0,96,242,253,253,255,253,253,249,241,142,34,0,0,0,0,0,0,0,0,0,0,0,0,97,237,232,48,49,245,253,253,253,255,213,244,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,17,189,253,117,188,253,253,242,39,40,23,36,108,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,70,243,253,253,253,246,106,0,0,0,0,17,212,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,172,199,228,108,0,0,0,0,0,0,201,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,0,0,0,0,0,0,56,237,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,158,254,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,135,241,241,247,241,242,241,252,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,253,253,253,254,253,253,253,253,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,245,253,240,173,173,215,254,253,253,253,253,217,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,211,45,0,4,165,254,253,253,253,253,253,224,25,0,0,0,0,0,0,0,0,0,0,0,0,70,243,253,199,0,6,65,253,254,253,233,199,214,253,253,192,0,0,0,0,0,0,0,0,0,0,0,0,80,247,253,208,41,133,253,253,235,156,50,0,21,178,213,190,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,253,252,226,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,250,253,253,245,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,81,143,242,171,99,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,250,254,254,254,254,254,238,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,199,254,250,216,133,148,178,178,197,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,224,254,195,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,184,254,188,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,194,31,0,0,0,0,0,0,0,117,186,3,0,0,0,0,0,0,0,0,0,0,0,0,0,14,244,230,42,0,0,0,0,0,0,0,82,247,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,141,0,0,0,0,0,0,0,0,104,254,220,3,0,0,0,0,0,0,0,0,0,0,0,0,5,231,236,48,0,0,0,0,0,0,0,5,209,254,249,6,0,0,0,0,0,0,0,0,0,0,0,0,63,254,150,0,0,0,0,0,0,0,2,128,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,114,0,0,0,0,0,0,19,147,254,255,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,10,231,236,65,14,0,0,8,92,217,254,248,252,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,254,233,176,213,224,254,251,208,112,251,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,171,199,252,254,239,118,39,17,42,251,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,64,23,0,0,0,56,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,244,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,252,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,250,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,239,129,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,242,137,197,251,249,174,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,230,0,0,113,202,253,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,69,0,0,9,127,204,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,248,56,0,0,0,0,70,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,145,0,0,0,0,0,78,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,46,0,0,0,0,34,229,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,17,0,0,0,0,119,255,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,173,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,244,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,216,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,105,105,130,253,255,253,253,253,209,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,191,213,252,252,252,252,253,252,252,252,252,246,129,4,0,0,0,0,0,0,0,0,0,0,0,0,19,205,252,250,237,237,237,237,238,114,185,237,241,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,164,252,216,118,0,0,0,0,0,0,0,0,75,252,252,204,28,0,0,0,0,0,0,0,0,0,0,0,164,252,46,0,0,0,0,0,0,0,0,0,9,143,252,252,59,0,0,0,0,0,0,0,0,0,0,0,57,222,130,0,0,0,0,0,0,0,0,0,0,30,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,70,0,0,0,0,0,0,0,0,0,0,30,252,252,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,105,105,105,43,0,0,0,0,31,210,253,253,59,0,0,0,0,0,0,0,0,0,0,0,4,60,191,213,252,252,252,226,148,11,0,0,110,252,252,142,10,0,0,0,0,0,0,0,0,0,0,0,112,252,252,252,252,252,252,252,253,143,24,164,242,252,164,5,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,237,132,132,132,203,253,252,252,252,252,167,63,0,0,0,0,0,0,0,0,0,0,0,0,53,242,252,229,69,0,0,0,149,253,252,252,252,141,9,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,90,22,30,30,57,222,253,252,252,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,217,217,252,252,252,252,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,252,252,252,252,252,216,236,252,245,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,155,207,207,207,207,207,180,59,35,182,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,199,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,234,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,255,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,227,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,237,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,231,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,232,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,250,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,193,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,247,187,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,24,87,211,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,243,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,196,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,157,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,244,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,194,254,221,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,235,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,231,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,247,237,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,219,14,0,0,0,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,205,49,132,227,226,247,198,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,254,250,245,160,154,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,171,53,0,0,10,254,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,203,240,222,23,0,0,0,10,254,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,243,38,0,0,0,128,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,131,0,0,27,237,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,224,239,60,82,201,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,249,240,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,194,254,225,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,233,185,148,148,77,71,148,148,148,176,241,222,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,253,253,253,253,253,253,254,253,240,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,35,65,114,122,122,122,122,122,122,163,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,224,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,177,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,157,175,177,253,254,207,88,88,88,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,254,254,255,254,254,254,254,254,254,248,166,106,0,0,0,0,0,0,0,0,0,0,0,0,0,2,8,14,155,253,205,72,60,96,156,96,96,102,183,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,175,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,213,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,245,254,142,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,241,253,192,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,70,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,134,189,0,0,171,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,233,85,0,13,240,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,234,204,0,0,41,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,196,0,0,162,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,219,254,36,0,0,215,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,221,254,156,1,0,0,215,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,152,17,0,0,21,228,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,240,254,207,240,161,240,244,254,224,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,254,254,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,5,5,5,9,254,240,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,227,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,185,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,228,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,179,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,182,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,230,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,221,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,140,245,255,248,179,97,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,80,192,254,254,250,175,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,66,148,226,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,241,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,217,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,245,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,220,251,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,213,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,219,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,248,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,232,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,190,128,253,255,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,252,252,252,253,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,245,252,252,252,202,204,252,217,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,244,252,252,201,165,19,83,172,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,244,252,252,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,252,239,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,205,252,252,179,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,241,252,252,246,77,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,252,252,253,139,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,203,253,255,253,253,253,253,154,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,195,253,252,252,252,252,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,12,26,26,75,237,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,225,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,54,20,0,0,26,110,245,252,252,184,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,202,173,173,211,252,252,231,115,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,252,252,252,253,241,239,64,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,50,198,251,238,176,61,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,197,253,253,149,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,180,252,253,250,228,233,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,252,252,228,87,0,19,96,23,13,37,4,0,0,0,0,0,0,0,0,0,0,0,0,0,12,140,237,252,231,146,40,0,0,0,0,38,174,252,23,0,0,0,0,0,0,0,0,0,0,0,0,12,164,252,252,229,52,0,0,0,0,0,15,207,252,229,18,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,228,54,0,0,0,0,0,14,173,252,228,54,0,0,0,0,0,0,0,0,0,0,0,0,13,197,252,153,32,0,0,0,5,97,205,214,252,96,32,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,60,0,0,0,150,220,252,252,252,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,22,243,252,197,6,37,109,218,251,253,252,252,231,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,249,241,245,252,252,194,253,252,177,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,249,253,250,201,121,17,185,255,235,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,108,77,0,10,180,252,235,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,176,252,235,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,174,252,231,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,173,252,229,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,173,252,228,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,241,252,143,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,198,252,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,229,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,191,255,253,137,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,120,186,252,252,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,222,252,252,252,252,253,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,134,248,253,252,252,252,168,211,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,252,253,252,136,22,2,23,211,252,244,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,231,42,0,0,0,0,100,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,252,252,231,42,0,0,0,0,0,17,209,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,106,0,0,0,0,0,0,13,150,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,218,14,0,0,0,0,43,155,215,252,252,179,85,0,0,0,0,0,0,0,0,0,0,0,0,201,252,252,160,0,0,0,0,43,230,253,252,252,252,252,251,157,32,0,0,0,0,0,0,0,0,0,0,139,253,253,161,0,0,0,49,233,253,255,253,253,253,253,255,253,253,161,0,0,0,0,0,0,0,0,0,138,252,252,160,0,0,9,197,252,252,249,185,92,92,143,232,252,252,219,36,0,0,0,0,0,0,0,0,55,252,252,227,48,0,47,252,252,252,115,0,0,0,0,48,196,252,252,221,0,0,0,0,0,0,0,0,15,219,252,252,232,0,47,252,252,252,0,0,0,0,0,0,30,227,252,252,0,0,0,0,0,0,0,0,0,88,221,252,252,221,88,252,252,252,106,0,0,0,0,0,95,246,252,147,0,0,0,0,0,0,0,0,0,0,168,249,253,255,253,253,253,253,244,65,24,24,76,149,253,253,245,73,0,0,0,0,0,0,0,0,0,0,0,133,252,253,252,252,252,252,253,252,252,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,25,121,222,252,252,252,252,253,252,252,252,252,253,252,233,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,119,185,252,252,253,252,252,252,252,253,235,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,22,86,137,137,137,137,75,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,190,255,253,253,140,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,247,252,253,252,252,252,249,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,194,252,252,253,252,252,252,252,246,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,178,252,252,252,215,172,53,39,96,252,224,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,241,53,28,0,0,0,67,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,140,0,0,0,0,0,96,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,106,0,0,0,0,56,236,252,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,120,0,0,0,10,99,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,239,14,14,14,172,252,252,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,252,253,252,252,252,252,153,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,219,253,253,253,253,255,253,253,253,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,195,252,252,253,252,252,252,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,219,232,68,27,163,252,253,212,242,252,252,205,30,0,0,0,0,0,0,0,0,0,0,0,0,0,30,205,252,198,0,0,3,39,39,23,35,39,208,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,234,76,0,0,0,0,0,0,0,0,200,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,185,0,0,0,0,0,0,0,0,60,238,252,184,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,185,0,0,0,0,0,0,0,37,178,252,194,25,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,192,7,0,0,0,0,13,153,243,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,250,252,174,146,146,146,146,197,252,252,198,106,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,224,252,252,252,252,252,253,252,132,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,133,147,228,204,147,64,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,254,254,254,254,254,190,116,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,140,140,140,191,250,254,254,254,243,112,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,103,155,239,254,254,161,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,150,250,254,115,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,214,254,206,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,249,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,100,249,254,164,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,254,254,164,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,190,254,254,72,4,0,0,0,23,134,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,87,236,255,241,104,5,0,54,78,174,241,204,59,0,0,0,0,0,0,0,0,0,0,0,0,0,34,156,254,254,204,73,82,159,212,247,254,184,61,19,0,0,0,0,0,0,0,0,0,0,0,0,0,39,177,254,254,254,152,211,254,252,222,180,56,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,209,99,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,180,250,146,146,93,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,95,53,62,50,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,195,214,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,204,251,237,90,162,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,80,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,95,0,0,118,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,239,243,68,3,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,205,254,135,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,184,3,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,248,215,23,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,194,254,96,0,0,0,0,0,0,118,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,174,9,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,87,0,0,0,0,0,0,0,118,253,213,0,0,0,31,0,0,0,0,0,0,0,0,0,0,201,253,210,30,40,40,47,107,92,100,137,190,253,219,24,0,0,88,84,24,0,0,0,0,0,0,0,0,254,253,235,226,253,254,253,253,253,253,254,253,253,253,230,196,150,145,253,230,0,0,0,0,0,0,0,0,172,254,254,254,231,196,187,98,98,98,121,222,254,199,195,255,254,254,254,231,0,0,0,0,0,0,0,0,9,46,135,46,24,0,0,0,0,0,0,118,247,18,0,39,84,135,135,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,119,0,0,0,0,23,60,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,250,69,0,0,0,0,99,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,184,0,0,0,0,0,99,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,214,254,26,0,0,0,0,0,188,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,193,5,0,0,0,0,16,218,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,250,60,0,0,0,0,0,40,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,240,226,0,0,0,0,0,0,85,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,136,25,79,79,79,43,0,137,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,249,254,245,241,254,254,254,245,235,245,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,254,170,155,119,155,156,239,254,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,171,38,0,0,0,0,0,0,38,198,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,9,0,0,0,0,0,0,0,37,244,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,103,133,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,60,70,70,70,70,136,155,220,246,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,223,251,254,254,254,254,254,254,254,206,125,17,6,0,0,0,0,0,0,0,0,0,0,0,0,37,189,252,254,226,180,193,193,193,127,71,21,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,223,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,111,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,213,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,249,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,1,0,0,0,216,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,13,0,0,98,249,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,98,0,45,244,248,194,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,208,187,251,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,242,250,241,109,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,252,252,232,156,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,221,253,252,252,252,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,252,252,252,253,179,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,253,252,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,222,138,35,159,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,148,41,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,231,46,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,41,0,0,0,0,0,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,237,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,148,148,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,194,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,181,253,254,215,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,254,253,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,247,253,208,32,126,241,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,233,45,0,0,117,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,198,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,211,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,205,0,0,12,32,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,244,206,206,224,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,254,253,253,225,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,253,199,173,213,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,254,106,5,0,0,15,232,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,171,253,198,52,0,0,31,236,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,238,207,206,230,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,253,253,254,253,253,197,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,36,120,204,243,173,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,198,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,130,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,253,245,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,254,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,254,244,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,253,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,255,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,233,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,232,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,114,236,254,253,253,156,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,252,252,252,252,173,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,235,127,126,145,252,252,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,189,14,0,0,127,252,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,0,0,0,171,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,22,201,252,252,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,212,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,221,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,253,255,218,96,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,203,253,252,252,211,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,126,180,252,252,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,201,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,146,129,21,43,85,85,201,252,252,252,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,237,242,252,252,253,252,252,247,231,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,145,237,252,252,252,253,252,167,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,147,173,121,147,68,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,150,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,243,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,149,67,222,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,195,230,0,0,37,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,104,0,0,37,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,11,0,0,37,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,164,3,0,0,37,253,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,196,64,0,0,37,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,14,0,0,0,89,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,203,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,3,0,2,156,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,78,240,166,100,106,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,253,254,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,233,89,150,253,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,133,0,144,253,254,248,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,89,120,249,213,214,253,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,241,248,211,24,25,212,253,206,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,93,0,0,25,212,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,132,28,1,0,0,0,42,253,251,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,16,84,50,84,177,188,183,84,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,88,130,221,238,254,246,254,254,254,254,238,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,228,255,254,254,254,254,254,254,249,181,181,67,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,251,239,239,160,134,134,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,115,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,168,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,89,180,233,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,135,236,240,247,254,254,254,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,254,254,177,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,195,243,234,234,204,81,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,92,175,255,191,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,217,254,227,185,192,235,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,123,250,179,98,5,0,0,101,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,235,235,124,1,0,0,0,0,24,232,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,156,235,190,55,0,0,0,0,0,0,85,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,183,12,0,0,0,0,0,0,0,134,254,212,11,0,0,0,0,0,0,0,0,0,0,0,0,132,252,146,7,0,0,0,0,0,0,0,63,241,253,112,0,0,0,0,0,0,0,0,0,0,0,0,42,251,190,12,0,0,0,0,0,0,0,19,207,254,126,0,0,0,0,0,0,0,0,0,0,0,0,10,180,254,67,0,0,0,0,0,0,0,128,238,254,196,17,0,0,0,0,0,0,0,0,0,0,0,0,29,254,144,2,0,0,0,0,0,0,92,253,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,101,0,0,0,0,5,51,170,229,252,254,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,129,0,56,77,114,170,239,135,108,248,247,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,226,249,235,248,254,234,143,20,8,217,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,146,148,148,56,29,0,0,19,254,232,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,242,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,225,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,250,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,241,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,194,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,236,254,218,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,242,252,244,236,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,232,252,236,111,43,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,199,66,0,43,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,219,254,239,17,0,0,43,253,109,0,0,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,239,68,0,0,0,29,168,14,22,128,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,202,0,0,0,0,0,0,11,167,252,250,58,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,80,0,0,0,0,11,99,211,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,4,182,252,45,0,0,71,106,219,252,252,252,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,237,227,253,253,253,255,253,250,177,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,253,252,252,252,252,253,189,66,64,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,232,231,222,126,126,109,5,0,160,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,208,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,165,200,175,116,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,208,254,254,254,254,222,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,123,48,48,123,254,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,77,0,0,4,112,246,244,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,145,77,0,0,0,0,34,194,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,112,112,112,156,250,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,254,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,195,254,254,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,76,85,244,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,244,250,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,250,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,245,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,0,3,81,250,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,229,0,0,0,0,0,14,148,254,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,254,232,128,128,128,128,157,227,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,200,255,254,254,254,254,255,254,254,133,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,71,129,174,179,95,96,35,41,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,64,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,128,64,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,0,0,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,128,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,165,219,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,251,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,255,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,207,118,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,220,254,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,123,185,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,116,254,249,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,235,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,222,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,245,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,176,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,191,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,235,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,249,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,195,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,132,33,0,0,0,0,0,76,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,193,0,0,0,0,0,149,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,75,0,0,0,0,7,226,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,254,9,0,0,0,0,98,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,9,0,0,0,0,111,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,225,6,0,0,0,0,198,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,113,0,0,0,0,58,252,209,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,251,67,0,0,0,0,142,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,235,0,0,0,0,50,247,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,240,20,40,67,102,220,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,234,242,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,244,244,234,150,216,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,247,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,219,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,235,210,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,151,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,149,254,254,248,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,246,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,231,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,254,184,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,129,230,254,254,183,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,146,254,254,254,183,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,146,254,254,254,241,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,254,213,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,231,254,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,254,254,242,95,16,0,57,75,75,75,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,254,243,83,0,18,173,243,254,254,254,237,206,60,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,217,0,18,185,254,254,254,254,254,254,254,237,15,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,231,116,225,254,254,254,254,254,254,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,254,254,254,254,254,254,254,254,254,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,92,255,255,254,254,255,254,254,254,218,169,254,254,254,107,2,0,0,0,0,0,0,0,0,0,0,0,0,11,208,254,254,254,254,254,254,254,254,254,254,254,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,254,254,254,254,254,254,254,254,156,136,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,24,130,154,254,254,160,130,130,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,115,253,253,253,195,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,72,190,253,251,251,251,251,253,185,32,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,127,189,251,251,253,251,251,251,251,253,251,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,40,234,251,251,251,251,229,69,31,31,129,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,40,217,253,251,251,251,152,59,0,0,0,0,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,48,234,253,255,253,253,169,59,0,0,0,0,60,255,253,253,189,0,0,0,0,0,0,0,0,0,0,44,221,251,251,241,101,62,8,0,0,0,0,8,170,253,251,251,188,0,0,0,0,0,0,0,0,0,0,190,251,251,251,79,0,0,0,0,0,0,0,143,251,253,251,251,109,0,0,0,0,0,0,0,0,0,84,244,251,235,89,0,0,0,0,0,64,182,221,248,251,253,251,219,23,0,0,0,0,0,0,0,0,0,96,251,251,228,158,159,158,158,158,158,253,251,251,251,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,255,253,253,253,253,255,193,253,253,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,71,251,251,251,253,247,220,220,121,63,23,62,229,251,253,101,0,0,0,0,0,0,0,0,0,0,0,0,16,126,126,126,126,110,0,0,0,0,0,64,236,251,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,193,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,57,57,108,57,57,57,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,252,252,253,252,252,252,253,215,197,97,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,252,252,202,190,139,177,202,203,252,252,252,226,113,25,0,0,0,0,0,0,0,0,0,0,7,154,253,255,247,50,0,0,0,0,0,0,26,200,250,254,253,56,0,0,0,0,0,0,0,0,0,19,187,252,252,197,103,0,0,0,0,0,0,0,0,0,150,253,252,130,0,0,0,0,0,0,0,0,0,154,252,224,118,0,0,0,0,0,0,0,0,0,0,0,113,253,252,234,22,0,0,0,0,0,0,0,0,153,177,43,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,240,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,118,56,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,66,141,141,216,253,253,242,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,179,252,252,252,253,214,196,196,253,252,149,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,168,168,80,56,56,19,0,0,78,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,28,203,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,209,224,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,163,253,252,205,113,114,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,104,229,253,255,247,225,225,226,231,253,253,79,10,0,0,0,0,0,0,0,0,0,0,0,0,19,107,253,252,252,202,97,103,0,0,0,19,84,84,97,65,0,0,0,0,0,0,0,0,0,0,0,0,85,252,244,142,56,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,151,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,251,230,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,251,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,255,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,205,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,251,253,243,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,193,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,38,76,153,255,255,254,255,255,254,227,146,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,176,253,253,253,253,253,253,253,253,253,253,253,245,87,0,0,0,0,0,0,0,0,0,0,0,1,89,245,253,253,253,251,178,139,139,139,139,197,248,250,253,245,33,0,0,0,0,0,0,0,0,0,13,140,253,253,252,189,102,52,0,0,0,0,0,0,0,42,116,180,15,0,0,0,0,0,0,0,0,0,76,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,176,253,252,81,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,237,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,253,235,190,87,87,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,178,253,253,253,253,253,234,163,86,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,110,217,253,253,253,253,253,253,197,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,54,75,161,167,253,253,253,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,163,252,253,248,169,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,142,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,208,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,238,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,64,162,104,26,0,0,0,0,0,82,205,239,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,67,222,253,250,249,182,141,194,249,253,253,253,253,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,75,156,216,253,253,253,253,253,253,207,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,58,145,245,184,106,37,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,232,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,222,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,231,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,241,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,213,237,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,242,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,255,148,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,156,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,237,12,0,0,30,202,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,239,61,0,0,0,168,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,132,0,0,0,0,168,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,251,253,59,0,0,0,20,245,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,233,223,23,0,0,0,22,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,136,167,0,0,0,0,22,253,253,211,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,185,189,0,0,0,0,29,253,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,230,253,97,0,0,35,55,203,253,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,230,253,220,200,200,234,253,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,240,253,253,253,253,206,236,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,194,214,192,86,55,130,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,4,0,0,176,253,174,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,197,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,244,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,237,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,235,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,244,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,156,0,35,152,37,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,221,169,250,254,253,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,227,77,72,176,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,52,0,0,53,253,242,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,122,0,0,25,253,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,166,253,186,51,5,170,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,253,242,232,253,238,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,173,253,254,184,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,137,165,186,255,254,254,255,254,114,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,234,254,254,254,254,254,254,254,254,192,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,204,204,204,162,78,91,143,204,249,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,235,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,212,254,250,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,74,202,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,187,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,150,172,253,254,254,186,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,254,254,225,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,254,254,254,254,145,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,133,96,47,232,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,247,242,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,246,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,135,254,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,246,254,254,178,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,193,0,0,0,13,132,217,249,254,254,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,234,199,129,129,217,227,254,254,254,253,153,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,254,254,254,254,254,254,195,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,219,254,254,254,254,221,182,78,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,146,199,224,108,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,7,7,7,2,0,0,0,0,0,0,0,0,0,176,254,70,0,0,0,0,0,0,0,0,0,13,145,253,253,253,253,173,49,4,0,0,0,0,0,0,64,245,253,196,0,0,0,0,0,0,0,0,13,202,253,253,253,253,253,253,253,137,0,0,0,0,0,17,231,253,253,114,0,0,0,0,0,0,0,0,203,253,251,228,228,232,253,253,253,179,0,0,0,0,68,241,253,253,242,5,0,0,0,0,0,0,0,0,254,253,235,0,0,15,99,99,99,27,0,0,0,69,239,253,253,240,58,0,0,0,0,0,0,0,0,0,254,253,237,38,15,0,0,0,0,0,0,0,12,217,253,253,253,124,0,0,0,0,0,0,0,0,0,0,172,253,253,253,201,149,44,44,13,0,0,13,171,253,253,253,162,6,0,0,0,0,0,0,0,0,0,0,41,146,232,253,253,253,253,253,197,174,140,110,253,253,253,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,51,203,253,253,253,253,253,253,253,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,143,191,202,253,253,253,253,253,253,253,253,227,74,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,61,61,202,253,253,253,253,253,253,253,142,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,253,88,101,244,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,227,29,0,92,246,253,231,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,172,0,0,0,127,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,231,253,172,0,0,0,212,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,172,0,0,88,239,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,246,230,230,250,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,253,253,253,253,253,253,89,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,112,234,253,253,146,81,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,218,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,217,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,242,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,207,254,215,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,212,255,244,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,237,254,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,252,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,243,148,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,174,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,172,240,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,141,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,88,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,45,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,255,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,155,197,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,207,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,252,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,190,145,144,144,144,145,144,144,62,1,1,0,0,0,0,0,0,0,0,0,0,0,32,211,252,252,252,252,252,253,252,252,252,253,252,252,252,253,98,0,0,0,0,0,0,0,0,0,0,0,115,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,242,103,0,0,0,0,0,0,0,0,0,16,222,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,241,78,0,0,0,0,0,0,0,0,109,252,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,252,252,190,0,0,0,0,0,0,0,0,110,253,253,253,253,222,41,0,0,0,0,84,145,144,222,253,255,253,253,253,0,0,0,0,0,0,0,0,109,252,252,252,252,179,0,0,0,0,0,0,0,0,181,252,253,252,252,252,0,0,0,0,0,0,0,0,212,252,252,252,252,179,0,0,0,0,0,0,0,11,191,252,253,252,252,252,0,0,0,0,0,0,0,0,253,252,252,252,252,179,0,0,0,0,0,0,63,175,252,252,253,252,252,252,0,0,0,0,0,0,0,0,192,253,253,253,253,211,94,0,0,0,16,191,255,253,253,253,255,253,253,170,0,0,0,0,0,0,0,0,15,222,252,252,252,252,247,217,218,217,222,252,253,252,252,252,253,252,241,179,0,0,0,0,0,0,0,0,0,196,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,241,102,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,253,252,252,252,191,77,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,255,253,253,253,255,253,237,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,210,252,252,252,253,252,241,179,180,138,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,113,112,71,72,71,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,218,255,167,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,151,249,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,218,253,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,241,253,253,229,170,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,249,253,253,144,20,103,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,253,77,8,0,183,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,177,143,8,0,94,243,253,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,8,0,54,242,253,239,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,186,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,186,253,253,253,243,175,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,186,253,253,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,241,201,237,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,240,174,60,0,176,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,84,60,0,0,9,188,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,0,0,0,0,0,136,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,218,24,0,0,0,50,226,253,249,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,123,20,20,54,227,253,250,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,253,253,253,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,253,253,253,248,152,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,152,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,144,173,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,248,254,227,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,231,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,189,253,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,248,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,138,34,34,34,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,193,179,253,255,253,223,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,200,253,253,99,14,140,254,253,253,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,252,91,0,0,11,88,221,253,223,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,253,245,22,0,0,0,0,78,251,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,99,0,0,0,0,0,156,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,104,0,0,0,0,0,186,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,236,73,6,0,0,128,250,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,247,253,253,196,189,188,242,169,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,254,253,161,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,194,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,243,254,235,12,68,145,170,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,127,251,254,249,246,15,39,168,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,168,254,254,181,56,51,4,0,6,194,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,168,254,230,61,13,0,0,0,0,20,248,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,255,254,41,0,0,0,0,0,0,94,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,214,247,67,5,0,0,0,0,22,152,239,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,213,0,0,0,0,62,100,213,254,249,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,255,95,2,50,131,214,254,254,254,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,190,239,254,254,254,254,242,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,184,254,254,254,254,254,238,155,249,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,213,172,49,0,197,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,236,254,233,120,0,0,0,0,240,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,196,254,178,48,0,0,0,0,11,242,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,254,232,21,0,0,0,0,13,182,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,190,50,0,0,9,86,166,234,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,201,68,118,172,207,254,254,254,254,178,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,254,254,254,254,254,254,254,253,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,254,254,254,253,197,114,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,150,150,199,229,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,92,0,0,0,0,0,0,0,36,243,250,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,106,0,0,0,0,0,0,4,174,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,240,235,82,0,0,0,0,0,0,163,254,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,86,0,0,0,0,0,0,30,227,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,72,0,0,0,0,0,0,209,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,72,0,0,0,0,0,66,247,229,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,79,0,0,0,0,20,241,251,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,196,3,0,0,16,194,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,219,254,165,27,0,49,254,240,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,223,254,233,176,174,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,153,254,254,254,254,199,173,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,63,213,254,236,145,115,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,181,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,223,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,255,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,247,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,70,154,174,200,200,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,228,254,254,254,254,247,247,180,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,148,108,59,44,251,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,251,254,231,65,9,0,0,0,131,231,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,254,254,69,0,0,0,0,0,214,246,250,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,255,104,0,0,0,0,0,23,252,254,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,254,87,0,0,0,0,0,157,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,206,254,37,0,0,0,0,62,245,254,229,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,211,110,40,157,148,239,254,252,231,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,208,253,254,238,255,254,198,247,252,231,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,152,219,189,146,73,247,253,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,137,254,195,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,249,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,236,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,254,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,194,103,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,170,110,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,242,196,73,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,215,215,253,252,252,252,222,57,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,42,125,1,108,232,252,252,253,252,175,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,252,252,169,63,0,37,252,253,252,252,252,110,15,0,0,0,0,0,0,0,0,0,0,0,0,73,237,252,252,241,221,144,0,5,35,211,252,252,252,253,77,0,0,0,0,0,0,0,0,0,0,0,11,191,252,252,241,102,41,41,0,0,0,94,226,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,97,0,0,0,0,0,0,0,31,211,252,253,179,0,0,0,0,0,0,0,0,0,0,47,233,253,253,83,0,0,0,0,0,0,0,0,0,120,253,255,253,72,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,5,159,253,252,206,31,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,41,253,252,252,108,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,0,0,0,0,110,253,253,253,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,108,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,73,237,253,252,241,77,0,0,0,0,0,0,0,0,109,252,252,252,21,0,0,0,0,0,6,37,182,181,232,252,253,179,61,0,0,0,0,0,0,0,0,0,109,252,252,252,205,20,0,0,0,42,160,252,253,252,252,252,108,15,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,253,253,255,253,253,253,255,253,175,62,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,252,252,252,252,252,253,252,252,252,222,138,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,154,231,252,252,252,253,241,195,71,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,128,168,108,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,128,202,232,48,0,0,0,0,0,0,0,0,0,0,0,0,34,140,109,43,9,13,38,47,110,161,186,252,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,247,197,202,240,252,253,252,252,252,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,30,227,252,252,253,252,252,252,252,253,193,128,45,234,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,17,22,75,137,137,106,22,22,23,8,0,85,250,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,253,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,255,253,253,237,113,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,253,252,252,252,252,241,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,253,201,208,252,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,84,9,57,252,252,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,238,252,252,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,203,252,253,252,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,140,141,241,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,203,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,209,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,240,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,174,114,12,89,113,191,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,228,246,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,253,252,252,252,252,253,252,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,237,252,252,249,239,225,99,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,141,99,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,146,9,18,146,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,211,253,247,248,253,251,247,247,204,93,93,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,211,253,253,253,253,253,253,253,253,253,253,253,202,188,23,0,0,0,0,0,0,0,0,0,0,0,26,205,253,253,253,253,253,253,253,253,253,253,253,253,253,253,204,25,0,0,0,0,0,0,0,0,0,0,99,253,253,253,253,201,191,168,220,228,253,253,253,253,253,253,253,190,0,0,0,0,0,0,0,0,0,13,207,253,253,229,137,27,19,0,42,48,68,68,68,68,199,242,253,238,73,0,0,0,0,0,0,0,0,101,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,83,253,253,99,0,0,0,0,0,0,0,0,101,253,253,225,42,0,0,0,0,0,0,0,0,0,0,0,6,209,253,240,0,0,0,0,0,0,0,0,208,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,6,210,253,253,0,0,0,0,0,0,0,0,255,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,253,0,0,0,0,0,0,0,0,212,253,253,242,107,70,4,0,0,0,0,0,0,47,70,70,169,253,253,211,0,0,0,0,0,0,0,0,101,253,253,253,253,253,174,57,16,156,62,91,170,225,253,253,253,253,207,33,0,0,0,0,0,0,0,0,55,158,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,203,25,0,0,0,0,0,0,0,0,0,0,7,127,251,253,253,253,253,253,253,253,253,253,253,253,200,186,22,0,0,0,0,0,0,0,0,0,0,0,0,0,89,92,175,245,246,253,253,253,249,245,142,92,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,145,145,145,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,205,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,254,170,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,219,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,234,254,254,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,42,101,160,86,42,30,80,246,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,41,66,205,254,254,254,254,255,231,242,254,254,255,221,22,0,0,0,0,0,0,0,0,0,0,0,0,48,197,227,254,254,254,254,254,254,254,254,254,254,254,221,78,78,78,6,0,0,0,0,0,0,0,0,16,239,254,254,254,170,250,254,254,255,254,255,254,254,254,254,254,254,254,128,0,0,0,0,0,0,0,0,71,254,254,189,23,3,83,254,254,254,254,254,254,254,254,254,254,254,254,17,0,0,0,0,0,0,0,0,142,254,229,37,0,11,184,254,254,254,254,254,254,254,253,250,254,167,108,9,0,0,0,0,0,0,0,0,186,254,254,175,148,243,254,254,254,255,245,250,174,107,94,70,107,22,0,0,0,0,0,0,0,0,0,0,115,254,254,254,254,254,254,254,254,254,100,75,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,254,254,254,254,254,254,213,161,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,150,254,216,219,171,105,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,35,19,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,198,226,198,141,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,170,170,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,114,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,114,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,0,0,0,0,0,0,0,0,226,141,86,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,198,226,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,114,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,0,0,0,0,0,86,226,255,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,226,86,0,0,0,170,255,255,114,114,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,198,255,226,170,226,255,141,57,0,226,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,170,170,141,57,0,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,112,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,151,235,241,253,248,235,141,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,238,253,253,253,253,253,253,253,236,208,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,216,251,253,253,175,95,58,32,150,253,253,253,233,141,85,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,132,6,0,0,0,9,38,128,181,253,253,250,137,0,0,0,0,0,0,0,0,0,0,0,158,253,253,172,6,0,0,0,0,0,0,0,7,128,223,253,251,96,0,0,0,0,0,0,0,0,0,36,249,253,66,32,0,0,0,0,0,0,0,0,0,0,46,224,253,222,35,0,0,0,0,0,0,0,0,225,253,225,14,0,0,0,0,0,0,0,0,0,0,0,0,45,225,253,156,0,0,0,0,0,0,0,0,255,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,0,0,0,0,0,0,0,0,255,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,15,223,253,253,0,0,0,0,0,0,0,0,231,253,253,42,0,0,0,0,0,0,0,0,0,0,0,5,129,253,252,140,0,0,0,0,0,0,0,0,41,229,253,219,120,5,0,0,0,0,0,0,0,7,57,178,253,251,141,0,0,0,0,0,0,0,0,0,0,103,235,253,253,174,120,33,33,33,33,33,124,177,253,253,241,86,0,0,0,0,0,0,0,0,0,0,0,0,43,228,253,253,253,253,253,253,253,253,253,253,253,224,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,104,217,234,234,249,253,249,234,234,146,104,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,110,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,133,209,255,225,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,253,253,253,247,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,244,254,232,199,96,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,195,253,142,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,226,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,214,253,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,191,253,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,221,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,212,222,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,123,0,0,0,0,0,0,0,0,88,214,242,196,70,0,0,0,0,0,0,0,0,0,0,0,101,254,188,0,0,0,0,0,0,13,133,214,254,245,252,254,145,0,0,0,0,0,0,0,0,0,0,14,212,249,65,0,0,0,0,0,0,36,242,237,142,26,136,253,144,0,0,0,0,0,0,0,0,0,0,100,253,187,0,0,0,0,0,18,101,192,96,32,0,11,167,253,144,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,0,0,0,202,252,88,0,0,0,73,253,235,59,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,0,24,114,221,69,0,0,0,15,174,233,62,0,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,0,190,253,40,0,0,0,14,174,232,63,0,0,0,0,0,0,0,0,0,0,0,0,145,253,84,0,0,110,247,164,3,41,0,13,175,163,34,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,230,131,132,247,253,128,213,236,94,37,165,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,217,253,253,253,253,253,201,145,62,4,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,99,167,253,207,132,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,37,131,229,155,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,254,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,44,222,254,254,254,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,254,254,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,254,246,186,209,254,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,181,254,254,254,107,0,30,196,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,136,254,254,254,192,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,216,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,242,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,157,97,193,193,193,153,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,254,254,254,254,236,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,254,254,254,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,254,188,130,214,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,254,254,254,254,62,28,224,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,205,30,84,206,254,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,255,249,231,249,254,254,175,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,161,254,254,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,254,254,254,254,158,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,94,221,254,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,133,226,254,255,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,138,253,253,253,253,189,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,176,229,253,253,253,103,77,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,210,253,253,246,137,18,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,99,218,134,253,184,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,255,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,253,253,38,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,92,253,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,209,253,253,178,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,192,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,134,255,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,253,180,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,40,188,253,253,97,0,0,0,0,0,0,0,0,0,0,4,40,40,9,0,0,0,0,0,0,0,0,59,253,253,253,253,97,0,0,0,0,0,0,0,0,39,99,111,253,253,57,0,0,0,0,0,0,0,0,59,253,253,253,253,193,24,49,72,122,158,156,156,156,194,253,253,204,97,22,0,0,0,0,0,0,0,0,59,253,253,253,253,253,221,227,232,244,254,253,253,234,233,233,67,26,0,0,0,0,0,0,0,0,0,0,59,253,253,253,253,253,253,253,253,253,175,174,174,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,189,211,253,253,253,253,253,178,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,31,40,88,177,57,57,57,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,101,101,101,101,152,254,255,254,146,101,101,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,225,253,253,253,253,253,218,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,191,253,253,253,115,42,107,107,209,253,253,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,124,76,1,0,0,0,5,7,224,253,211,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,115,246,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,226,240,253,230,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,143,220,253,231,147,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,131,246,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,235,253,253,253,253,253,251,231,231,222,78,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,236,230,230,232,253,253,253,253,188,79,14,0,0,0,0,0,0,0,0,0,0,0,0,0,48,129,129,129,35,0,0,12,129,163,253,253,253,253,198,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,39,215,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,178,253,253,203,25,0,0,0,0,0,0,0,0,0,0,12,27,0,0,0,0,0,0,0,0,31,105,218,253,253,209,22,0,0,0,0,0,0,0,0,0,0,0,145,200,106,8,8,8,8,8,55,162,206,253,253,249,245,89,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,253,253,253,253,253,253,253,253,246,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,199,252,253,253,253,253,253,236,185,45,45,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,123,253,253,234,99,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,50,0,0,0,0,0,82,203,203,203,203,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,112,0,0,0,0,173,253,224,203,203,203,234,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,152,151,0,0,21,183,253,130,20,0,0,0,30,172,253,131,0,0,0,0,0,0,0,0,0,0,0,0,152,172,0,0,72,253,123,0,0,0,0,0,0,0,255,172,0,0,0,0,0,0,0,0,0,0,0,0,71,252,41,0,233,252,0,0,0,0,0,0,0,0,172,252,0,0,0,0,0,0,0,0,0,0,0,0,0,203,132,72,254,192,0,0,0,0,0,0,0,62,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,232,253,151,0,0,0,0,0,0,123,223,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,255,172,0,0,0,0,11,132,255,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,253,252,142,102,102,142,213,252,151,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,255,253,255,233,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,151,232,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,102,102,102,49,0,10,102,102,102,172,124,98,0,0,0,0,0,0,0,0,0,0,0,0,0,28,198,242,254,254,254,227,202,206,254,254,254,254,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,254,254,254,254,254,254,254,155,108,233,247,0,0,0,0,0,0,0,0,0,0,0,0,0,4,157,232,254,254,254,206,115,7,7,7,3,0,217,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,61,61,61,30,0,0,0,0,0,0,217,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,238,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,163,254,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,198,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,176,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,238,247,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,142,245,55,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,195,162,245,254,254,170,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,164,230,241,253,254,210,131,115,207,228,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,248,221,71,80,4,0,0,0,25,140,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,56,0,0,0,0,0,0,0,0,116,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,149,253,253,253,253,255,180,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,211,252,252,252,252,253,252,227,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,69,69,162,79,184,227,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,227,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,239,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,173,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,205,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,196,184,185,184,184,184,184,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,252,252,252,252,253,252,252,218,160,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,22,107,179,147,137,64,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,27,191,254,225,245,185,235,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,229,253,221,74,0,8,181,241,137,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,234,253,214,47,0,0,0,115,157,253,164,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,213,27,0,0,0,0,26,26,227,181,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,230,225,28,0,0,0,0,0,0,41,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,127,0,0,0,0,0,0,0,126,253,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,29,247,226,25,0,0,0,0,0,0,74,247,207,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,204,0,0,0,0,0,0,28,203,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,223,218,10,0,0,0,0,29,175,253,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,240,228,163,114,109,140,248,253,205,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,101,245,254,254,255,254,238,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,91,246,248,210,100,79,228,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,188,253,231,83,0,0,0,162,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,122,253,198,6,0,0,0,0,135,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,216,33,0,0,0,0,3,199,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,107,0,0,0,0,0,59,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,217,6,0,0,0,0,19,143,253,179,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,222,11,0,0,0,22,211,246,246,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,73,253,224,155,150,211,242,206,147,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,158,216,205,197,119,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,253,253,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,250,253,253,137,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,241,253,253,137,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,178,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,251,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,162,0,0,0,0,35,46,46,46,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,162,0,0,0,11,199,253,253,253,242,90,16,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,253,162,0,0,0,66,253,253,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,106,252,253,253,218,114,19,0,25,214,253,253,253,253,253,246,68,0,0,0,0,0,0,0,0,0,0,0,0,155,242,253,253,253,221,114,20,194,253,253,253,253,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,253,253,253,253,253,253,253,253,253,253,253,253,247,60,0,0,0,0,0,0,0,0,0,0,0,0,0,45,163,247,252,253,253,253,253,253,253,253,249,247,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,123,224,253,253,253,186,236,47,10,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,41,41,111,132,242,253,255,242,132,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,177,252,252,252,243,228,251,165,179,252,231,117,18,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,252,226,192,230,169,4,224,0,10,113,216,242,225,30,0,0,0,0,0,0,0,0,0,0,0,0,20,234,252,192,193,155,204,19,40,0,0,0,0,101,252,184,47,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,252,48,0,0,0,0,0,0,0,18,210,252,179,6,0,0,0,0,0,0,0,0,0,0,7,184,204,197,231,34,0,0,0,0,0,0,0,0,81,239,252,58,0,0,0,0,0,0,0,0,0,0,25,252,221,138,62,0,0,0,0,0,0,0,0,0,0,205,252,180,4,0,0,0,0,0,0,0,0,51,169,252,187,61,0,0,0,0,0,0,0,0,0,0,0,127,239,252,11,0,0,0,0,0,0,0,0,132,252,252,193,0,0,0,0,0,0,0,0,0,0,0,0,37,232,252,11,0,0,0,0,0,0,0,0,132,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,4,219,252,11,0,0,0,0,0,0,0,0,133,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,132,0,0,0,0,0,0,0,0,144,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,131,0,0,0,0,0,0,0,0,178,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,131,0,0,0,0,0,0,0,0,50,208,252,84,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,51,0,0,0,0,0,0,0,0,9,188,252,170,0,0,0,0,0,0,0,0,0,0,15,96,239,229,192,9,0,0,0,0,0,0,0,0,13,252,252,241,55,0,0,0,0,0,0,0,0,14,116,252,193,54,0,0,0,0,0,0,0,0,0,0,3,125,252,252,218,89,0,0,0,0,0,9,159,214,232,232,48,0,0,0,0,0,0,0,0,0,0,0,0,4,111,220,252,242,41,0,0,93,160,220,252,234,119,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,233,229,229,251,253,190,143,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,98,149,206,241,252,184,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,111,179,253,253,191,132,58,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,170,252,252,252,252,252,253,252,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,112,221,252,252,223,170,96,211,217,237,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,241,112,16,0,0,0,0,145,252,213,78,169,55,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,192,0,0,0,0,0,38,222,243,112,115,252,228,55,0,0,0,0,0,0,0,0,0,0,0,18,225,252,238,101,14,0,0,128,221,168,51,0,44,235,252,155,0,0,0,0,0,0,0,0,0,0,0,0,105,224,252,252,214,102,85,245,143,0,0,0,0,193,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,105,225,252,252,252,210,155,17,0,0,0,99,244,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,227,252,252,190,5,0,0,16,189,246,252,124,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,207,252,252,127,0,81,243,252,223,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,253,253,255,252,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,186,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,71,234,252,236,233,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,189,252,236,157,48,40,230,244,95,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,229,252,206,70,0,0,0,105,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,223,31,0,0,0,0,13,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,181,85,12,0,0,3,165,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,220,252,252,252,176,97,97,103,237,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,143,227,252,252,252,252,253,252,219,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,149,252,252,252,253,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,216,176,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,115,89,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,91,0,0,141,195,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,173,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,223,182,125,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,213,91,0,66,150,204,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,8,0,0,0,0,30,159,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,211,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,12,0,0,0,0,91,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,159,27,0,0,0,58,246,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,168,19,19,78,161,243,157,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,241,254,254,254,149,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,198,254,192,121,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,253,254,253,242,128,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,245,253,253,253,254,253,253,253,197,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,243,253,253,253,253,174,173,245,253,253,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,242,253,253,211,186,116,0,0,48,222,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,223,25,0,0,0,0,0,99,242,253,243,69,0,0,0,0,0,0,0,0,0,0,0,0,15,220,253,253,192,0,0,0,0,0,0,0,110,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,219,29,0,0,0,0,0,0,0,61,246,253,226,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,122,0,0,0,0,0,0,0,0,4,191,253,242,62,0,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,0,0,0,0,0,0,68,253,253,253,107,0,0,0,0,0,0,0,0,0,0,108,254,254,254,67,0,0,0,0,0,0,0,0,68,254,255,228,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,66,0,0,0,0,0,0,0,0,124,253,253,226,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,66,0,0,0,0,0,0,0,123,248,253,253,177,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,66,0,0,0,0,0,0,30,227,253,253,219,15,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,102,0,0,0,0,0,121,220,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,85,248,253,253,239,88,0,3,54,188,250,253,253,253,185,21,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,241,174,178,253,255,253,253,253,186,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,235,253,253,253,253,253,253,255,253,243,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,243,253,253,253,253,253,248,183,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,120,211,253,175,120,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,50,111,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,231,254,205,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,178,232,254,211,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,183,254,246,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,233,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,90,254,254,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,244,254,254,242,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,254,254,240,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,228,254,254,240,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,88,249,254,254,242,59,0,0,23,32,62,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,254,81,0,96,88,212,254,133,11,0,0,0,0,0,0,0,0,0,0,0,0,0,7,86,247,254,254,254,254,234,212,138,183,150,215,96,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,254,255,254,254,254,254,254,254,254,163,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,254,254,254,254,254,205,123,36,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,254,255,254,254,230,133,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,204,182,144,46,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,75,235,246,191,246,205,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,245,134,14,0,18,169,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,84,0,0,0,0,0,176,250,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,194,0,0,0,0,0,0,48,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,89,0,0,0,0,0,0,7,187,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,255,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,89,0,0,0,0,0,0,63,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,176,0,0,0,0,0,0,170,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,102,0,0,0,0,0,231,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,238,251,108,9,0,0,0,251,238,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,181,254,210,118,53,153,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,98,190,244,217,230,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,7,158,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,249,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,247,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,250,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,254,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,233,111,131,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,102,0,0,82,214,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,171,20,0,0,0,10,50,122,102,123,122,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,50,0,0,0,0,11,213,254,233,183,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,233,30,0,0,0,0,173,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,71,0,0,0,82,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,232,41,0,21,223,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,193,51,113,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,232,233,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,233,232,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,41,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,122,0,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,123,0,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,255,253,255,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,228,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,163,252,234,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,0,18,24,132,148,235,254,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,193,185,238,246,254,254,254,254,245,175,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,254,241,234,245,245,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,104,129,194,178,202,72,238,186,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,21,116,254,215,58,132,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,228,254,250,249,254,223,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,254,238,254,254,225,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,203,52,53,96,167,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,145,47,0,0,0,27,254,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,214,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,130,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,170,52,0,0,0,0,0,3,72,254,236,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,168,254,239,93,133,113,100,100,177,254,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,255,254,254,254,255,254,254,237,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,122,254,254,255,254,254,254,255,230,136,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,168,122,143,225,169,82,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,80,237,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,184,253,253,253,240,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,237,247,193,191,191,191,242,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,160,4,0,0,0,211,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,72,0,0,0,0,211,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,215,241,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,182,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,237,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,217,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,243,253,238,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,149,149,217,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,53,193,238,253,253,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,131,152,253,253,253,253,253,253,253,253,143,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,89,253,253,253,253,253,252,157,43,222,253,253,231,65,36,36,22,25,0,0,0,0,0,0,0,0,36,201,253,253,253,253,241,138,134,0,0,39,138,242,253,253,253,253,200,131,0,0,0,0,0,0,0,0,92,253,253,253,250,235,89,0,0,0,0,0,0,91,235,235,235,235,168,19,0,0,0,0,0,0,0,0,255,253,253,199,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,143,78,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,163,169,254,255,202,150,16,53,131,215,254,254,254,255,254,241,228,130,0,0,0,0,0,0,0,0,42,200,253,253,253,199,249,253,239,248,254,253,253,253,253,254,253,253,253,253,0,0,0,0,0,0,0,0,163,253,234,88,36,121,250,253,237,216,127,75,36,36,36,36,36,114,191,94,0,0,0,0,0,0,0,0,215,253,151,0,72,254,216,99,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,229,20,26,72,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,249,254,208,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,88,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,127,232,253,254,220,127,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,176,254,253,253,204,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,156,240,253,253,156,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,254,255,234,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,115,234,253,244,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,198,253,224,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,237,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,78,0,0,0,0,0,0,0,0,0,152,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,208,47,0,0,0,0,0,0,0,95,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,253,247,178,61,8,0,0,16,107,199,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,75,191,254,253,222,217,217,228,253,253,250,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,157,237,253,253,254,249,222,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,111,162,136,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,67,156,171,254,232,163,254,163,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,224,253,253,253,253,254,253,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,235,254,186,174,85,78,78,78,199,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,131,3,0,0,0,0,71,247,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,0,0,0,0,0,83,222,253,237,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,254,183,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,244,254,230,32,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,86,175,247,253,254,223,253,166,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,201,253,253,253,253,254,253,253,253,253,212,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,162,80,58,58,88,170,253,254,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,196,105,0,0,0,0,0,0,0,76,255,254,223,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,26,0,0,0,0,0,0,0,0,0,0,8,128,53,0,0,0,0,0,0,0,0,0,0,114,254,253,222,12,0,0,0,0,0,0,0,0,0,0,178,254,57,0,0,0,0,0,0,0,0,71,209,254,255,249,60,0,0,0,0,0,0,0,0,0,0,0,214,192,5,0,0,0,0,0,0,13,111,241,253,253,211,50,0,0,0,0,0,0,0,0,0,0,0,0,214,253,128,79,79,79,79,79,153,224,253,253,240,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,241,253,253,254,253,253,253,253,254,250,116,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,208,253,254,253,253,162,155,96,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,133,133,133,250,64,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,176,253,253,253,253,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,226,253,253,222,217,217,254,253,222,13,0,28,25,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,253,239,107,12,0,0,90,233,253,174,135,234,145,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,0,0,53,230,253,253,201,14,0,0,0,0,0,0,0,0,0,0,0,0,0,26,229,253,201,14,0,0,0,0,0,65,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,229,253,174,12,0,0,0,0,37,253,233,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,231,253,223,166,51,0,0,37,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,233,253,253,242,105,0,37,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,58,184,253,254,231,140,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,250,254,254,255,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,243,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,223,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,225,189,253,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,229,198,253,229,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,230,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,179,201,248,255,242,132,132,105,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,252,253,252,252,229,115,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,230,252,252,252,217,217,216,238,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,241,252,252,252,35,0,0,157,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,218,119,26,157,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,181,252,252,252,253,160,230,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,94,244,252,253,252,252,213,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,196,253,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,248,255,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,177,190,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,239,252,160,71,211,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,214,252,252,11,132,252,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,174,4,161,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,52,128,253,252,242,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,209,250,253,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,252,252,253,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,190,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,235,200,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,197,254,254,201,125,34,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,248,216,239,253,253,253,187,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,93,19,34,187,253,253,253,230,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,171,253,240,197,217,255,246,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,253,227,78,0,0,103,237,219,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,45,0,0,0,0,138,253,239,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,239,251,117,2,0,0,0,0,6,156,253,215,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,176,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,117,0,0,0,0,0,0,0,0,51,253,231,50,0,0,0,0,0,0,0,0,0,0,0,0,67,253,244,50,0,0,0,0,0,0,0,0,3,128,253,131,0,0,0,0,0,0,0,0,0,0,0,0,67,254,232,0,0,0,0,0,0,0,0,0,0,25,224,195,0,0,0,0,0,0,0,0,0,0,0,0,67,253,231,0,0,0,0,0,0,0,0,0,0,0,123,250,69,0,0,0,0,0,0,0,0,0,0,0,67,253,250,73,0,0,0,0,0,0,0,0,0,0,89,253,190,0,0,0,0,0,0,0,0,0,0,0,3,212,253,98,0,0,0,0,0,0,0,0,0,0,89,253,209,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,113,253,209,0,0,0,0,0,0,0,0,0,0,0,0,89,250,242,82,0,0,0,0,0,0,0,0,0,199,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,136,250,246,131,55,3,0,0,0,0,16,146,249,238,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,244,253,253,146,45,39,0,81,206,253,238,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,170,253,253,253,246,188,242,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,33,67,143,143,220,210,143,71,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,166,166,240,217,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,154,250,254,152,103,176,254,213,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,254,223,14,0,2,62,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,183,0,0,0,1,128,243,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,217,221,29,0,0,0,0,0,207,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,214,169,47,0,0,0,0,0,0,126,203,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,109,0,0,0,0,0,0,0,73,247,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,249,30,0,0,0,0,0,0,0,0,233,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,193,0,0,0,0,0,0,0,0,0,181,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,230,156,0,0,0,0,0,0,0,0,0,143,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,145,0,0,0,0,0,0,0,0,0,143,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,67,0,0,0,0,0,0,0,0,0,149,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,67,0,0,0,0,0,0,0,0,2,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,95,0,0,0,0,0,0,0,0,96,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,156,0,0,0,0,0,0,0,22,246,124,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,225,156,0,0,0,0,0,0,24,240,198,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,203,13,0,0,0,0,24,207,242,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,247,191,21,0,5,70,206,233,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,250,237,193,203,253,197,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,222,254,207,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,113,144,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,254,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,162,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,254,250,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,255,254,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,254,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,254,255,254,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,254,254,192,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,206,254,254,254,249,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,255,254,254,207,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,225,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,254,254,231,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,109,200,210,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,118,201,219,239,120,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,189,245,254,254,254,254,254,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,254,254,237,237,254,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,254,254,146,45,4,41,126,233,235,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,249,143,12,0,0,76,238,245,117,252,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,100,0,0,0,44,232,254,245,0,167,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,78,1,0,69,204,250,254,254,247,129,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,236,101,172,175,242,247,254,254,254,239,31,76,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,228,71,208,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,141,170,186,103,10,0,112,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,236,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,239,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,244,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,145,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,243,249,249,249,254,250,181,249,249,249,249,229,119,107,10,119,119,119,0,0,0,0,0,0,0,0,0,243,254,254,254,254,254,254,254,254,254,254,254,254,254,253,244,254,254,197,0,0,0,0,0,0,0,0,52,251,254,157,149,35,19,19,19,19,19,19,43,149,149,160,246,76,19,9,0,0,0,0,0,0,0,0,175,254,254,19,0,0,0,0,0,0,0,0,0,0,0,3,24,0,0,0,0,0,0,0,0,0,0,0,141,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,250,254,165,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,237,162,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,176,249,254,254,167,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,201,254,254,166,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,200,254,254,203,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,182,245,254,200,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,245,255,237,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,13,0,0,0,0,105,246,254,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,19,0,0,0,0,0,197,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,164,29,0,0,0,0,197,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,214,151,40,20,57,231,254,223,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,246,254,254,254,254,254,214,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,248,251,248,146,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,213,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,226,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,235,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,244,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,224,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,213,152,193,254,253,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,253,252,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,234,253,142,102,193,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,50,30,50,0,41,193,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,254,253,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,253,232,203,162,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,254,253,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,171,151,151,172,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,127,246,254,156,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,253,234,233,238,235,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,168,6,0,18,128,253,107,175,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,246,227,36,0,0,0,20,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,61,0,0,0,0,20,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,99,0,0,0,14,112,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,227,118,27,95,149,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,241,253,253,253,254,253,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,87,102,19,19,37,253,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,241,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,193,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,225,251,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,58,225,247,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,246,254,119,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,254,163,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,175,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,246,31,0,11,74,133,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,218,0,91,194,254,254,245,136,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,157,9,218,254,190,47,175,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,129,134,254,233,45,3,199,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,116,193,251,86,0,104,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,222,254,173,254,178,0,66,182,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,239,254,133,98,234,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,254,212,249,222,124,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,129,234,254,254,218,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,208,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,191,64,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,191,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,64,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,64,191,255,255,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,64,0,0,0,0,64,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,194,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,211,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,255,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,214,171,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,240,12,0,0,0,0,0,3,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,80,0,0,0,0,0,96,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,115,0,0,0,0,0,170,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,115,0,0,0,0,0,170,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,115,0,0,0,0,0,170,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,115,0,0,0,0,0,170,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,36,0,0,0,0,0,170,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,254,222,195,136,94,0,0,94,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,254,238,204,204,214,254,227,106,18,226,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,253,108,33,0,0,10,52,173,252,194,237,207,8,0,0,0,0,0,0,0,0,0,0,0,0,0,50,194,98,0,0,0,0,0,0,0,43,201,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,139,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,234,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,240,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,251,252,248,240,119,0,0,0,0,0,0,0,0,0,0,0,68,45,0,0,0,0,0,0,0,0,0,121,252,252,252,252,246,226,142,94,94,0,0,0,0,0,20,115,243,106,0,0,0,0,0,0,0,0,0,83,248,252,252,252,252,252,252,252,252,214,87,81,123,178,187,252,252,176,0,0,0,0,0,0,0,0,0,0,240,252,231,203,252,252,252,252,252,253,252,252,252,252,252,252,245,78,0,0,0,0,0,0,0,0,0,0,212,252,172,18,66,66,150,198,198,228,221,204,156,101,167,252,225,0,0,0,0,0,0,0,0,0,0,0,177,252,151,0,0,0,0,0,0,42,34,8,0,46,231,252,225,0,0,0,0,0,0,0,0,0,0,0,39,212,35,0,0,0,0,0,0,0,0,0,0,67,252,248,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,77,252,235,61,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,77,121,171,252,252,252,239,196,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,255,253,253,253,253,253,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,253,252,252,252,252,252,252,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,252,252,252,252,237,158,82,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,39,173,116,188,252,252,207,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,243,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,248,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,241,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,13,13,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,239,254,254,243,141,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,254,254,254,241,71,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,229,241,254,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,58,143,241,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,248,254,135,91,126,126,126,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,156,248,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,22,88,172,235,254,254,254,254,254,254,254,254,254,254,238,0,0,0,0,0,0,0,0,0,0,21,88,200,236,254,254,254,254,254,254,254,254,237,222,149,65,33,22,0,0,0,0,0,0,0,0,1,92,237,254,254,254,254,254,254,254,225,152,113,66,20,12,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,254,254,254,206,212,152,67,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,254,206,126,96,5,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,207,147,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,123,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,56,174,235,232,62,29,38,38,38,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,84,183,254,254,254,254,247,236,249,244,244,216,180,23,0,0,0,0,0,0,0,0,0,0,0,0,0,27,237,254,211,178,178,157,85,53,32,0,4,85,213,209,23,0,0,0,0,0,0,0,0,0,0,0,0,0,15,18,8,0,0,0,0,0,0,0,0,0,159,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,83,244,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,231,237,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,147,250,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,254,240,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,206,255,165,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,249,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,237,34,10,10,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,164,178,179,245,219,141,128,128,76,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,18,82,113,123,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,141,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,214,254,194,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,63,57,154,245,251,222,79,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,248,226,254,249,187,69,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,160,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,253,153,141,141,141,91,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,208,252,252,253,252,252,252,207,144,57,57,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,56,56,56,143,205,253,252,252,252,247,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,40,165,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,194,13,4,29,29,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,166,252,187,169,179,252,252,215,170,169,63,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,85,210,253,252,252,252,253,252,252,252,253,252,205,13,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,252,253,227,139,40,28,28,28,28,91,115,19,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,113,188,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,209,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,18,115,241,255,199,235,191,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,253,253,253,253,253,253,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,253,253,253,253,253,253,41,24,54,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,253,253,253,253,253,203,237,67,152,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,222,110,164,99,47,14,195,176,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,164,0,0,0,0,25,220,253,253,253,227,60,0,0,0,0,0,0,0,0,0,0,0,0,0,35,251,253,164,160,19,191,243,245,198,253,253,253,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,214,241,253,253,253,253,246,238,253,253,253,232,40,0,0,0,0,0,0,0,0,0,0,0,0,0,89,243,253,253,253,253,253,253,225,179,250,253,253,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,243,253,253,226,253,212,222,67,148,253,253,220,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,72,59,31,59,18,28,29,210,253,253,228,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,185,45,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,49,218,253,165,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,129,190,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,255,233,130,104,7,101,191,130,191,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,253,253,253,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,244,249,228,228,228,228,228,248,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,82,0,0,0,0,0,205,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,110,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,56,141,180,180,200,253,253,253,181,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,253,253,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,179,179,151,55,55,210,253,228,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,219,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,133,120,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,228,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,201,0,0,0,0,0,0,0,27,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,107,0,0,0,0,0,0,3,187,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,115,0,0,0,0,0,0,56,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,132,0,0,0,0,0,0,107,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,254,106,0,0,0,0,0,0,162,254,197,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,25,0,0,0,0,0,20,226,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,227,6,0,0,0,0,0,112,254,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,0,0,0,0,0,0,158,254,182,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,205,112,112,142,207,207,207,251,254,237,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,254,254,254,254,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,160,211,211,167,115,97,19,19,237,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,237,250,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,246,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,129,253,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,232,252,252,252,253,242,186,42,42,0,53,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,252,253,252,241,221,222,181,232,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,144,252,252,252,252,253,252,252,252,253,252,252,252,84,1,0,0,0,0,0,0,0,0,0,0,0,0,21,205,252,252,252,252,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,252,252,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,252,252,252,253,252,252,252,253,252,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,253,253,253,255,253,253,253,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,77,179,221,253,231,179,97,128,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,72,51,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,231,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,139,240,255,175,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,254,254,254,243,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,206,253,241,109,36,222,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,254,217,66,0,0,150,254,234,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,203,254,240,61,0,0,0,66,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,103,0,0,0,0,31,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,154,3,0,0,0,0,78,216,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,254,112,0,0,0,44,134,248,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,186,58,48,107,248,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,254,254,254,233,157,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,102,62,205,215,171,87,23,73,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,226,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,243,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,132,254,235,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,242,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,184,254,254,166,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,112,191,228,253,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,86,253,236,127,91,21,124,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,128,239,84,14,0,0,0,134,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,100,0,0,0,0,9,205,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,169,0,0,0,0,0,102,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,42,0,0,0,0,29,240,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,40,169,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,134,240,254,253,238,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,254,253,253,155,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,244,124,81,226,255,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,237,47,0,0,85,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,19,0,0,0,7,127,246,245,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,198,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,111,22,2,41,128,128,128,235,248,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,176,226,253,254,253,248,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,227,253,253,253,192,68,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,163,247,163,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,245,245,198,218,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,166,243,145,31,0,78,243,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,104,0,0,0,0,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,0,0,0,0,0,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,59,0,0,0,92,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,216,30,0,24,158,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,241,232,217,233,253,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,196,241,196,112,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,0,0,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,215,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,251,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,232,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,250,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,184,253,174,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,136,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,152,152,254,172,254,253,193,152,132,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,233,252,253,252,253,252,253,212,172,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,183,102,82,0,0,0,0,0,0,0,102,223,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,163,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,130,0,0,0,0,0,0,0,0,0,0,21,102,41,0,0,0,0,0,0,0,0,0,0,0,214,253,183,0,0,0,0,0,0,0,21,41,152,193,255,253,82,0,0,0,0,0,0,0,0,0,0,123,253,212,20,0,21,102,102,102,163,203,223,243,253,252,151,151,0,0,0,0,0,0,0,0,0,0,0,203,254,253,254,253,254,253,254,253,254,233,203,122,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,213,252,253,252,253,171,151,111,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,191,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,191,128,64,64,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,64,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,128,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,64,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,128,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,215,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,234,252,252,247,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,168,114,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,187,119,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,224,130,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,168,213,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,166,253,253,192,141,53,29,29,128,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,252,252,227,228,252,252,252,253,252,252,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,186,31,31,56,56,106,253,252,252,252,210,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,243,25,0,0,0,51,253,252,214,139,253,252,231,125,114,38,89,213,0,0,0,0,0,0,0,0,13,194,253,203,79,16,66,241,254,222,25,0,0,26,200,225,242,253,231,75,0,0,0,0,0,0,0,0,0,19,171,246,253,215,252,252,247,103,0,0,0,0,0,0,47,84,19,0,0,0,0,0,0,0,0,0,0,0,0,100,178,252,252,177,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,28,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,232,194,127,59,59,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,253,253,253,230,169,118,118,118,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,171,78,129,174,223,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,99,0,0,0,12,19,49,243,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,135,0,0,0,0,0,61,248,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,61,0,0,0,0,0,102,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,226,36,0,0,0,0,2,181,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,236,27,0,0,0,0,50,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,102,33,0,0,0,0,118,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,207,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,246,147,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,210,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,226,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,234,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,222,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,233,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,249,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,229,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,173,253,254,253,173,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,252,253,252,253,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,254,253,254,253,254,253,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,253,212,131,50,50,50,131,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,224,20,0,0,0,0,0,203,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,162,0,0,0,0,0,41,243,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,123,243,163,0,0,0,0,41,214,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,243,122,102,102,163,243,253,252,253,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,254,253,254,253,254,253,254,253,254,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,253,252,253,252,253,252,253,252,253,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,203,203,123,0,0,82,203,243,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,130,0,0,0,0,0,0,0,162,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,50,0,0,0,0,0,0,0,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,50,0,0,0,0,0,0,0,203,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,131,0,0,0,0,0,0,132,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,252,41,0,0,0,0,82,253,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,172,92,132,214,253,254,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,253,252,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,203,243,254,253,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,151,232,151,151,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,171,253,149,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,99,252,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,154,71,71,154,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,168,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,215,0,109,252,149,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,253,252,91,0,78,200,252,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,253,179,20,0,0,63,241,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,35,0,0,0,0,181,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,84,0,0,0,0,0,182,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,227,252,128,0,0,0,0,0,0,181,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,211,252,246,92,0,0,0,0,0,0,181,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,132,0,0,0,0,0,0,42,221,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,222,41,0,0,0,0,0,0,135,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,252,179,0,0,0,0,0,0,94,247,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,179,0,0,0,0,0,21,129,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,179,0,0,0,0,21,206,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,180,0,0,0,32,212,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,159,252,242,196,73,135,227,252,252,159,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,252,252,252,253,252,246,132,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,148,252,252,253,210,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,157,187,228,237,133,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,160,234,207,254,254,225,193,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,134,254,73,57,141,138,208,239,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,188,208,154,28,0,0,0,36,234,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,228,203,137,0,0,0,0,0,0,63,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,246,206,52,0,0,0,0,0,0,37,230,169,6,0,0,0,0,0,0,0,0,0,0,0,0,2,68,239,229,0,0,0,0,0,0,0,0,55,237,254,12,0,0,0,0,0,0,0,0,0,0,0,0,13,254,252,172,0,0,0,0,0,0,8,135,200,241,254,12,0,0,0,0,0,0,0,0,0,0,0,0,25,254,234,0,0,0,0,0,0,37,150,254,254,254,208,7,0,0,0,0,0,0,0,0,0,0,0,0,56,254,234,0,0,0,0,21,113,221,254,254,244,163,23,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,251,150,139,213,213,234,254,254,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,254,254,254,194,254,254,207,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,165,248,196,113,181,206,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,26,4,6,42,254,254,206,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,241,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,245,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,177,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,237,248,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,219,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,224,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,227,253,56,0,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,186,179,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,253,253,253,199,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,198,253,253,130,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,185,255,183,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,228,253,253,253,227,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,197,251,252,248,251,253,212,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,232,120,0,62,239,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,247,253,253,95,0,0,0,43,183,247,116,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,230,52,3,0,0,0,0,11,189,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,137,0,0,0,0,0,0,0,28,253,214,3,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,245,23,0,0,0,0,0,0,0,28,253,218,3,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,236,0,0,0,0,0,0,0,0,35,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,134,0,0,0,0,0,0,0,0,135,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,49,0,0,0,0,0,0,0,0,135,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,3,204,253,27,0,0,0,0,0,0,0,51,242,220,21,0,0,0,0,0,0,0,0,0,0,0,0,0,5,229,253,52,0,0,0,0,0,0,15,180,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,134,0,0,0,0,0,0,147,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,192,0,0,0,0,0,136,250,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,243,0,0,0,0,91,249,253,187,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,200,252,125,0,0,90,245,253,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,166,194,252,253,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,253,246,145,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,240,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,216,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,118,118,118,118,132,254,254,254,135,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,234,235,253,253,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,253,253,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,198,201,253,229,198,198,198,198,229,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,82,46,0,0,0,0,144,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,150,253,253,249,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,126,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,225,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,198,253,253,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,208,253,253,253,182,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,253,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,198,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,113,252,253,253,219,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,175,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,196,163,163,163,163,163,163,241,254,254,255,166,0,0,0,0,0,0,0,0,0,0,0,0,0,68,198,237,254,253,253,253,253,254,253,253,249,237,254,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,214,41,36,36,36,36,36,33,148,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,36,0,0,0,0,0,0,181,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,101,0,0,0,0,0,0,181,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,101,0,0,0,0,0,0,182,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,16,0,0,0,0,0,0,129,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,217,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,46,70,130,130,130,130,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,13,43,225,253,253,253,253,253,253,253,253,196,0,0,0,0,0,0,0,0,0,0,0,0,12,37,162,253,253,253,253,253,253,253,246,181,245,235,235,253,0,0,0,0,0,0,0,0,0,0,2,99,213,253,253,253,236,228,247,253,253,253,169,175,158,2,0,103,0,0,0,0,0,0,0,0,0,2,109,253,253,249,201,99,29,0,117,253,253,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,1,109,253,253,215,79,0,0,0,0,147,253,253,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,110,253,253,215,34,0,0,0,38,167,233,253,253,217,165,253,253,141,0,0,0,0,0,0,0,0,0,0,255,253,240,33,7,69,174,174,191,253,253,202,80,14,94,253,253,141,0,0,0,0,0,0,0,0,0,0,227,253,248,108,141,253,253,253,253,253,177,52,0,0,121,253,253,54,0,0,0,0,0,0,0,0,0,0,40,253,253,253,253,253,253,253,240,101,17,0,0,95,244,253,253,18,0,0,0,0,0,0,0,0,0,0,2,164,253,253,253,253,253,206,84,0,0,0,0,211,253,253,173,5,0,0,0,0,0,0,0,0,0,0,0,30,125,223,253,206,97,18,0,0,0,0,0,211,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,49,18,0,0,0,0,0,0,0,211,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,246,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,214,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,213,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,243,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,215,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,174,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,143,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,243,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,193,0,0,0,0,0,0,2,13,13,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,253,193,0,0,0,0,24,89,156,253,253,227,145,39,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,86,249,254,253,231,217,243,253,221,98,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,17,153,246,253,229,135,32,0,90,242,253,156,0,0,0,0,0,0,0,0,0,0,0,25,253,253,164,18,183,253,253,80,35,0,0,0,73,236,253,156,0,0,0,0,0,0,0,0,0,0,0,25,253,253,124,182,253,225,128,3,0,0,0,73,236,253,194,54,0,0,0,0,0,0,0,0,0,0,0,17,221,253,253,253,253,156,0,41,86,97,206,238,253,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,40,221,253,253,253,240,218,235,254,253,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,253,254,253,185,122,24,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,104,231,253,201,132,128,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,181,213,254,255,231,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,236,253,253,253,253,253,199,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,253,253,253,249,202,251,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,206,24,3,178,253,167,0,0,24,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,176,25,0,17,253,253,124,0,32,219,182,14,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,250,25,0,0,9,204,243,119,0,195,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,188,6,0,0,0,0,0,0,0,206,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,64,0,0,0,0,0,0,46,242,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,187,0,0,0,0,0,0,67,253,253,253,157,1,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,250,86,0,0,0,0,5,186,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,2,173,253,253,243,163,47,0,0,108,253,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,93,232,251,253,253,246,238,238,246,253,253,253,253,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,253,253,253,253,253,228,253,219,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,189,253,253,253,245,172,48,225,253,170,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,64,119,119,109,5,0,139,253,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,209,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,208,234,254,255,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,253,249,166,50,70,180,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,167,114,33,0,0,0,64,121,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,222,10,0,0,0,0,0,0,199,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,233,78,0,0,0,0,0,59,238,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,255,254,176,92,73,99,163,241,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,134,229,253,253,253,254,253,233,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,171,216,216,204,107,49,245,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,101,241,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,220,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,88,206,254,161,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,208,254,235,216,226,249,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,226,215,94,29,0,15,121,248,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,213,25,0,0,0,0,13,188,229,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,53,0,0,0,0,0,0,11,189,184,218,204,5,0,0,0,0,0,0,0,0,0,0,0,0,0,169,208,9,0,0,0,0,0,0,0,20,240,254,177,2,0,0,0,0,0,0,0,0,0,0,0,0,4,198,113,0,0,0,0,0,0,13,89,201,254,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,43,0,0,0,0,43,141,246,254,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,244,215,123,123,178,217,244,247,141,146,254,168,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,247,254,254,254,208,125,49,0,104,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,245,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,202,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,255,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,244,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,192,255,221,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,237,254,254,254,217,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,231,245,162,47,125,254,214,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,90,0,0,1,159,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,85,7,0,0,0,0,198,224,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,238,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,164,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,66,119,196,166,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,66,150,224,254,254,254,254,254,155,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,254,211,211,254,252,227,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,254,211,52,16,187,254,139,6,119,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,187,10,13,151,247,125,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,235,39,12,183,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,219,166,57,186,254,176,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,250,168,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,230,192,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,190,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,247,252,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,197,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,252,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,233,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,122,193,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,188,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,142,254,184,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,239,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,193,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,130,254,223,0,0,0,0,0,0,0,0,27,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,98,0,0,0,0,0,0,0,113,227,254,231,135,26,0,0,0,0,0,0,0,0,0,0,0,113,254,172,3,0,0,0,0,0,2,115,251,246,242,254,254,83,0,0,0,0,0,0,0,0,0,0,17,230,254,65,0,0,0,0,0,20,119,254,168,43,24,157,254,160,0,0,0,0,0,0,0,0,0,0,77,254,254,65,0,0,0,0,0,132,254,207,11,0,0,104,254,76,0,0,0,0,0,0,0,0,0,0,169,254,167,4,0,0,0,0,75,228,243,49,0,0,0,205,254,85,0,0,0,0,0,0,0,0,0,0,77,254,139,0,0,0,0,0,81,254,161,0,0,0,16,222,247,95,0,0,0,0,0,0,0,0,0,0,77,254,190,0,0,0,0,14,237,254,36,0,0,11,184,254,133,0,0,0,0,0,0,0,0,0,0,0,69,251,211,0,0,0,0,122,254,165,1,0,11,144,254,188,7,0,0,0,0,0,0,0,0,0,0,0,0,223,241,44,0,0,0,126,255,88,0,0,127,254,210,32,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,155,0,0,0,126,254,54,0,69,226,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,241,253,194,27,0,112,254,251,204,253,144,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,206,254,240,179,184,254,254,254,182,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,47,234,229,254,231,146,91,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,182,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,7,0,56,101,101,101,101,115,179,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,231,145,164,229,253,253,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,231,253,253,253,253,253,253,253,253,253,253,224,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,253,253,253,253,253,165,160,160,245,253,253,185,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,231,158,61,61,4,0,21,235,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,228,49,0,0,0,0,102,198,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,12,0,0,0,47,136,249,253,253,245,94,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,148,222,253,253,253,253,233,31,167,82,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,253,253,253,253,253,253,253,197,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,253,253,253,253,253,253,253,253,253,253,253,234,132,45,0,0,0,0,0,0,0,0,0,0,0,0,0,74,193,230,230,230,230,230,230,230,230,231,253,253,253,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,186,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,178,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,197,253,235,67,0,0,0,0,0,0,0,0,46,116,49,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,228,54,0,0,0,0,0,0,0,0,15,170,142,62,15,0,0,0,0,0,0,0,55,72,216,248,253,253,199,0,0,0,0,0,0,0,0,0,0,45,250,253,183,162,162,50,8,8,22,162,242,253,253,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,85,250,253,253,253,253,253,253,253,253,253,253,253,253,184,145,26,0,0,0,0,0,0,0,0,0,0,0,0,101,199,199,250,253,253,253,253,253,238,199,199,68,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,99,99,240,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,63,118,159,159,175,215,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,208,254,254,254,254,254,254,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,254,254,192,163,163,135,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,203,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,247,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,254,227,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,195,254,250,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,120,15,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,221,225,202,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,204,254,254,254,254,254,254,210,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,99,115,206,230,254,254,247,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,240,254,254,212,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,192,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,255,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,5,0,0,1,5,24,102,102,154,243,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,246,164,164,171,254,254,254,254,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,254,254,254,254,254,254,249,217,61,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,158,158,215,174,158,158,158,93,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,129,178,254,254,233,241,184,136,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,254,254,254,254,254,254,239,184,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,252,244,177,150,195,248,255,254,254,209,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,206,0,0,0,0,32,85,207,254,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,154,0,0,0,0,0,0,10,149,254,250,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,113,0,0,0,0,0,0,0,24,222,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,179,0,0,0,0,0,0,0,42,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,7,0,0,0,0,0,0,0,104,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,59,132,132,132,181,248,254,186,55,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,202,254,254,254,254,254,254,254,254,254,254,214,116,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,254,254,254,254,254,254,254,254,240,178,178,38,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,250,206,206,127,113,54,140,254,183,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,47,43,0,0,0,0,0,139,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,247,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,250,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,194,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,242,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,252,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,231,253,255,235,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,179,254,254,201,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,88,213,253,238,253,222,137,211,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,167,253,240,100,59,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,253,195,61,0,149,250,213,247,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,217,254,162,18,0,0,156,233,0,234,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,196,15,0,0,0,255,174,0,115,254,172,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,15,0,0,0,83,254,91,0,21,226,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,13,183,213,12,0,0,195,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,152,6,13,147,253,128,0,0,0,195,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,254,204,213,253,177,0,0,0,0,195,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,196,245,213,165,0,0,0,0,0,196,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,12,0,0,0,0,0,0,195,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,186,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,165,253,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,224,253,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,241,254,167,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,155,133,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,64,128,128,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,231,194,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,58,254,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,254,253,198,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,137,251,253,254,212,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,254,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,253,250,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,253,240,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,255,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,188,0,0,8,140,214,147,27,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,135,0,13,183,254,253,253,253,193,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,135,0,40,253,254,250,226,253,253,204,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,254,218,68,77,253,254,83,18,238,253,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,255,254,223,42,240,135,0,49,246,254,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,253,113,49,35,28,196,253,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,254,253,253,253,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,110,226,253,253,254,253,253,253,237,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,230,254,253,253,185,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,187,224,33,0,0,0,0,0,181,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,254,254,63,0,0,0,0,75,252,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,194,4,0,0,0,4,199,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,226,254,250,98,0,0,0,0,28,222,255,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,220,254,249,140,0,0,0,0,0,116,254,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,100,0,0,0,0,60,139,240,254,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,254,203,4,5,54,162,246,252,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,245,143,209,215,254,254,254,254,254,254,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,254,254,254,254,177,130,198,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,205,247,254,226,199,80,1,3,189,254,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,48,20,0,0,0,63,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,254,161,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,243,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,243,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,227,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,200,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,131,223,194,158,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,215,254,254,254,254,254,251,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,197,254,250,205,112,112,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,126,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,219,254,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,219,254,254,175,162,162,162,162,62,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,219,254,254,254,254,223,232,223,254,254,183,123,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,221,120,24,40,22,80,181,246,254,223,41,0,0,0,0,0,0,0,0,0,0,0,0,0,42,147,183,74,25,0,0,0,0,0,0,62,201,254,224,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,202,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,153,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,204,250,254,164,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,250,254,254,161,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,44,0,0,0,0,28,207,251,254,254,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,202,225,140,157,207,246,254,254,158,33,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,85,212,255,254,254,127,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,121,121,148,253,253,253,253,255,253,253,140,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,251,252,252,252,252,252,252,252,253,252,252,252,242,119,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,252,252,252,252,252,253,252,252,252,252,246,121,0,0,0,0,0,0,0,0,0,0,0,0,73,172,172,136,39,39,39,39,39,39,39,89,172,235,252,246,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,235,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,231,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,252,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,230,252,252,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,234,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,231,252,252,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,252,252,231,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,158,253,252,252,164,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,189,253,252,237,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,253,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,190,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,137,220,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,158,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,249,254,254,254,234,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,204,254,254,254,215,4,0,3,6,6,76,103,62,2,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,254,146,0,19,165,254,254,254,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,254,239,35,58,233,254,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,147,10,196,254,255,254,254,255,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,42,240,254,254,254,113,78,254,254,254,254,254,254,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,254,132,240,255,254,255,254,165,254,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,254,254,188,254,254,254,254,99,173,254,254,225,30,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,254,254,254,254,210,184,254,254,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,254,254,254,255,254,254,254,254,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,212,254,254,254,254,254,254,254,254,254,252,137,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,254,254,254,254,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,239,254,254,254,254,254,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,153,250,254,254,254,254,217,46,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,17,92,163,127,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,150,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,225,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,254,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,190,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,159,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,87,215,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,26,225,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,240,156,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,116,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,175,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,252,239,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,250,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,247,62,0,0,9,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,251,132,0,0,171,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,175,227,117,0,114,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,133,219,234,162,228,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,12,51,84,194,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,64,128,128,128,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,64,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,64,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,64,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,138,180,201,139,138,107,24,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,99,212,252,252,252,252,253,252,252,252,169,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,253,252,233,183,130,184,183,234,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,203,87,33,0,0,0,0,33,88,202,249,118,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,11,0,0,0,0,0,0,0,0,116,253,227,32,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,128,19,0,0,0,0,0,0,62,191,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,25,133,248,253,236,129,47,26,0,9,78,236,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,252,252,252,221,132,197,252,252,252,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,119,227,252,252,253,252,252,252,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,22,75,137,137,54,107,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,158,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,101,228,255,255,255,206,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,253,250,241,137,223,252,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,105,221,253,239,105,0,0,0,153,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,220,105,26,0,0,0,0,100,243,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,247,113,0,0,0,0,0,0,39,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,220,247,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,172,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,203,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,246,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,222,0,0,0,0,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,223,222,0,13,100,199,239,212,102,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,232,30,144,253,196,172,234,253,174,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,226,239,169,13,0,33,165,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,217,253,170,12,0,0,0,11,166,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,212,32,0,0,0,0,10,216,242,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,213,83,0,0,0,0,99,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,249,144,27,0,0,88,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,120,253,253,245,144,119,225,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,97,162,253,253,253,208,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,254,255,254,254,254,233,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,174,228,253,167,160,160,183,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,203,37,1,0,0,3,55,184,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,223,7,0,0,0,0,0,0,128,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,79,0,0,0,0,0,0,3,206,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,36,220,253,253,32,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,160,212,223,253,253,253,253,187,112,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,248,248,251,253,253,224,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,216,253,241,113,0,0,57,98,202,253,253,187,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,51,39,0,0,0,0,0,7,126,244,253,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,206,253,161,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,72,24,0,0,0,0,0,0,0,0,0,0,68,253,253,46,0,0,0,0,0,0,0,0,0,0,0,127,252,86,0,0,0,0,0,0,0,0,0,11,126,253,249,43,0,0,0,0,0,0,0,0,0,0,0,95,248,200,36,0,0,0,0,0,0,0,49,201,253,251,102,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,230,115,28,11,11,11,90,128,243,253,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,223,253,253,253,253,253,253,253,253,193,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,149,237,253,213,149,149,95,46,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,143,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,253,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,185,222,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,247,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,246,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,220,254,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,226,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,204,254,254,96,49,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,254,254,240,191,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,254,254,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,222,254,227,48,37,159,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,63,0,0,15,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,254,133,0,0,52,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,121,8,160,254,248,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,205,203,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,254,245,91,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,254,254,248,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,186,156,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,168,255,150,125,125,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,248,253,253,253,253,253,253,252,157,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,162,142,142,142,222,253,225,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,136,102,19,4,0,0,0,14,128,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,177,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,205,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,96,237,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,211,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,237,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,153,238,241,207,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,178,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,179,253,253,190,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,253,253,191,20,0,0,0,0,5,27,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,199,38,20,88,118,150,150,166,253,189,140,9,0,0,0,0,0,0,0,0,0,0,0,0,64,245,253,253,197,253,253,253,253,253,253,253,253,252,230,48,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,253,253,248,247,247,156,117,117,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,209,123,123,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,212,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,252,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,101,240,252,253,134,69,162,246,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,236,252,218,108,46,17,0,34,238,239,93,93,17,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,221,88,0,0,0,32,218,252,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,62,243,252,209,32,0,0,0,36,222,253,253,255,253,247,42,0,0,0,0,0,0,0,0,0,0,0,13,215,252,209,0,0,0,0,110,219,252,252,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,13,120,252,221,38,70,38,164,184,253,252,233,187,252,247,162,19,0,0,0,0,0,0,0,0,0,0,0,47,252,252,232,212,252,232,252,252,245,104,209,244,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,252,116,22,31,193,252,252,95,11,0,0,0,0,0,0,0,0,0,0,0,0,0,22,116,210,230,0,0,0,0,0,202,253,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,240,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,148,148,227,253,227,60,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,142,252,252,253,252,252,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,213,252,252,146,109,21,21,79,252,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,247,119,14,0,0,0,64,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,187,0,0,0,0,0,152,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,245,67,0,0,0,13,218,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,127,252,237,32,0,0,57,252,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,172,252,191,9,43,234,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,204,197,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,253,252,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,155,242,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,57,226,252,235,245,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,139,252,252,210,31,78,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,217,138,14,0,130,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,212,27,0,0,0,166,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,106,0,0,0,71,253,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,206,224,92,22,92,188,253,245,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,252,252,252,243,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,147,244,252,208,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,253,209,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,225,253,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,204,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,34,34,87,143,225,253,255,176,101,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,252,253,252,252,203,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,116,188,252,192,153,153,210,252,252,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,10,4,0,0,6,74,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,252,196,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,187,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,183,253,252,172,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,253,169,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,244,252,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,246,252,169,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,243,252,235,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,211,252,232,9,0,0,0,0,0,0,0,0,0,10,0,0,0,0,0,0,0,0,0,0,0,0,22,245,252,233,55,0,0,0,0,0,46,56,56,94,165,203,67,0,0,0,0,0,0,0,0,0,0,24,201,252,252,126,0,0,0,39,151,198,243,252,252,252,252,252,175,0,0,0,0,0,0,0,0,0,0,67,252,252,156,16,16,122,203,240,253,252,252,252,252,252,252,252,175,0,0,0,0,0,0,0,0,0,0,115,252,252,252,252,252,252,252,252,248,208,208,103,99,99,220,245,144,0,0,0,0,0,0,0,0,0,0,67,252,252,252,252,252,252,195,128,57,0,0,0,0,0,32,54,0,0,0,0,0,0,0,0,0,0,0,9,124,248,252,214,142,75,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,104,141,141,255,253,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,169,253,252,252,252,253,252,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,215,252,253,252,252,252,178,196,196,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,227,52,28,4,9,47,240,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,244,225,101,0,0,0,0,0,98,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,130,0,0,0,0,0,0,63,234,252,159,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,60,234,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,254,209,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,154,252,252,252,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,237,253,252,127,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,229,253,239,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,128,252,252,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,253,252,224,43,0,0,0,0,0,0,0,0,0,19,57,0,0,0,0,0,0,0,0,0,0,76,210,252,253,151,19,0,0,0,0,0,0,0,38,113,226,231,168,0,0,0,0,0,0,0,0,0,0,169,253,253,254,178,91,41,79,104,141,141,154,253,253,253,254,234,100,0,0,0,0,0,0,0,0,0,19,225,252,252,253,252,252,252,253,252,252,252,253,252,252,252,134,28,0,0,0,0,0,0,0,0,0,0,7,130,234,252,253,252,252,252,253,252,252,252,253,233,130,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,140,90,139,139,253,177,103,128,78,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,173,253,254,253,254,253,254,172,152,152,132,10,0,0,0,0,0,0,0,0,0,0,0,0,102,61,31,232,253,252,253,252,253,252,253,252,253,252,253,50,0,0,0,0,0,0,0,0,0,0,214,253,254,151,0,0,0,0,0,0,0,0,102,102,102,142,203,40,0,0,0,0,0,0,0,0,0,0,253,252,172,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,214,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,172,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,0,0,0,0,0,0,0,122,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,0,0,0,0,0,0,0,0,234,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,212,0,0,0,0,0,0,0,0,152,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,92,10,0,0,0,0,0,0,152,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,212,183,102,0,0,0,41,193,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,243,255,253,254,253,254,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,151,151,172,252,253,252,192,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,214,133,82,13,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,223,246,229,238,253,253,198,134,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,136,253,226,30,37,148,217,254,253,240,134,37,9,0,0,0,0,0,0,0,0,0,0,0,0,0,5,176,253,253,253,128,0,0,0,90,205,235,253,253,189,170,66,28,0,0,0,0,0,0,0,0,0,0,54,253,218,72,164,71,0,0,0,0,0,45,95,193,210,253,224,196,6,0,0,0,0,0,0,0,0,10,228,253,170,0,0,0,0,0,0,0,0,0,0,0,18,60,32,34,0,0,0,0,0,0,0,0,0,13,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,253,247,131,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,236,230,230,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,93,161,253,253,253,249,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,167,253,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,245,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,242,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,253,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,239,253,225,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,109,240,253,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,177,253,253,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,175,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,149,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,83,97,168,168,178,255,254,243,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,177,250,253,254,254,254,217,176,176,182,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,22,179,253,254,187,105,95,21,8,5,0,0,22,254,241,0,0,0,0,0,0,0,0,0,0,0,0,22,210,254,167,20,2,0,0,0,0,0,0,8,173,254,106,0,0,0,0,0,0,0,0,0,0,0,0,151,235,84,2,0,0,0,0,0,0,0,19,220,254,168,44,0,0,0,0,0,0,0,0,0,0,0,0,250,130,0,0,0,0,0,0,0,0,9,142,254,246,184,89,0,0,0,0,0,0,0,0,0,0,0,0,52,12,0,0,0,0,0,0,0,61,216,254,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,249,254,254,248,158,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,249,254,254,222,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,174,254,254,247,128,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,145,254,254,206,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,145,254,247,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,175,254,247,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,209,254,254,189,0,0,5,26,26,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,232,254,254,212,67,109,183,204,254,254,247,194,194,159,109,106,22,0,0,0,0,0,0,0,0,0,6,229,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,251,34,0,0,0,0,0,0,0,0,78,253,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,253,239,50,0,0,0,0,0,0,0,0,0,128,248,254,254,254,254,254,254,254,254,254,254,254,254,254,254,251,53,0,0,0,0,0,0,0,0,0,0,0,49,183,254,232,144,153,163,120,77,77,77,77,77,77,140,157,0,0,0,0,0,0,0,0,0,0,0,0,0,46,226,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,144,228,255,254,208,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,250,253,253,254,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,237,184,127,127,235,244,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,249,189,50,0,0,43,245,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,57,0,0,0,0,120,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,209,253,219,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,204,254,253,248,172,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,254,249,237,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,195,63,11,118,253,233,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,59,0,0,0,7,207,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,47,0,0,0,0,0,0,0,24,234,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,247,178,126,28,0,0,36,74,225,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,254,253,235,217,217,241,253,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,209,254,253,253,253,253,254,253,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,162,175,253,253,163,111,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,28,130,130,161,255,255,255,151,130,21,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,151,253,253,253,253,253,253,253,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,250,210,111,111,111,111,111,111,156,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,253,253,235,47,0,0,0,0,0,0,0,223,210,11,0,0,0,0,0,0,0,0,0,0,0,0,0,58,99,99,99,31,0,0,0,0,0,0,0,223,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,248,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,225,253,214,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,211,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,97,170,253,253,191,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,99,253,252,252,252,252,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,136,252,253,208,151,69,69,222,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,46,17,0,0,0,180,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,210,85,0,0,0,0,0,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,230,146,0,0,0,0,0,74,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,236,205,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,24,76,118,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,130,236,252,253,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,252,253,252,252,154,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,233,252,153,121,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,230,243,64,91,218,252,75,117,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,181,118,253,245,73,0,0,174,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,253,252,218,79,0,0,0,70,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,247,183,50,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,45,42,0,0,0,0,0,0,70,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,158,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,159,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,218,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,157,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,128,253,255,253,253,253,253,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,210,231,252,252,253,176,167,224,252,253,228,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,252,214,118,56,6,0,37,133,222,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,4,153,253,252,214,28,0,0,0,0,0,0,101,249,202,10,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,118,0,0,0,0,0,0,0,0,225,252,84,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,215,31,0,0,0,0,0,0,0,0,163,253,84,0,0,0,0,0,0,0,0,0,0,0,51,243,252,253,42,0,0,0,0,0,0,0,0,0,85,252,209,0,0,0,0,0,0,0,0,0,0,0,88,252,252,133,6,0,0,0,0,0,0,0,0,0,117,252,223,0,0,0,0,0,0,0,0,0,0,57,234,252,236,0,0,0,0,0,0,0,0,0,0,0,225,252,145,0,0,0,0,0,0,0,0,0,0,85,252,252,112,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,0,226,253,253,112,0,0,0,0,0,0,0,0,0,0,0,226,253,84,0,0,0,0,0,0,0,0,0,0,225,252,252,112,0,0,0,0,0,0,0,0,0,0,101,249,201,9,0,0,0,0,0,0,0,0,0,0,225,252,230,25,0,0,0,0,0,0,0,0,0,32,222,233,74,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,0,140,253,74,0,0,0,0,0,0,0,0,0,0,0,0,225,252,223,0,0,0,0,0,0,0,0,0,16,203,253,27,0,0,0,0,0,0,0,0,0,0,0,0,226,253,237,50,0,0,0,0,0,0,0,57,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,252,158,0,0,0,0,0,0,123,231,252,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,198,72,57,57,135,198,246,239,180,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,180,252,253,252,252,252,252,253,226,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,253,252,252,252,252,112,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,239,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,211,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,191,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,255,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,238,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,202,72,0,0,0,0,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,199,5,5,0,0,0,0,91,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,245,44,0,0,0,0,0,0,136,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,121,0,0,0,0,0,0,0,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,18,0,0,0,0,0,0,0,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,85,37,0,85,0,0,0,0,182,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,253,244,235,248,120,43,0,37,248,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,120,171,216,216,254,245,217,233,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,74,176,184,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,91,133,205,209,126,58,58,58,81,58,58,58,58,41,0,0,0,0,0,0,0,0,0,0,0,0,0,104,218,112,145,254,248,247,247,247,247,247,247,217,171,165,0,0,0,0,0,0,0,0,0,0,0,0,0,183,192,70,36,68,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,220,254,228,145,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,113,229,200,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,215,222,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,0,0,0,0,0,0,0,0,0,41,249,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,166,18,0,0,0,0,0,0,0,0,121,215,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,192,236,130,33,0,0,0,0,0,0,105,235,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,254,247,126,39,0,0,0,18,237,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,101,213,252,206,171,206,249,243,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,90,151,209,209,144,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,109,212,253,253,253,232,191,171,211,191,109,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,252,252,252,252,252,253,252,252,252,253,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,226,132,71,113,215,215,154,195,215,215,253,252,180,16,0,0,0,0,0,0,0,0,0,0,0,0,253,210,31,0,0,0,0,0,0,0,0,0,170,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,73,73,42,0,11,73,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,252,252,222,181,191,252,237,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,253,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,255,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,35,119,211,252,252,252,218,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,113,215,236,253,231,78,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,252,190,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,221,253,242,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,232,252,221,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,212,253,255,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,218,247,252,252,253,252,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,221,253,252,252,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,63,237,252,252,253,252,252,252,253,252,252,190,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,253,220,143,62,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,252,252,222,45,0,0,170,252,252,252,238,30,0,0,0,0,0,0,0,0,0,0,0,0,27,221,252,252,252,231,41,32,37,37,253,252,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,190,145,237,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,253,253,253,253,255,253,253,253,255,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,252,252,253,252,252,252,253,252,252,232,42,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,252,252,252,252,253,252,252,252,253,252,252,252,222,46,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,252,252,253,252,252,252,108,148,252,252,253,221,41,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,154,0,0,0,0,0,0,0,99,253,255,253,133,0,0,0,0,0,0,0,0,0,0,115,252,252,252,148,10,0,0,0,0,0,0,63,242,252,253,252,215,0,0,0,0,0,0,0,0,0,0,217,252,252,252,35,0,0,0,0,0,21,182,201,252,252,253,252,195,0,0,0,0,0,0,0,0,0,0,217,252,252,252,35,0,0,0,0,105,206,253,252,252,252,253,210,31,0,0,0,0,0,0,0,0,0,0,218,253,253,253,253,253,253,255,253,253,253,255,253,253,253,145,20,0,0,0,0,0,0,0,0,0,0,0,93,252,252,252,252,252,252,253,252,252,252,253,231,158,119,0,0,0,0,0,0,0,0,0,0,0,0,0,21,71,154,215,247,252,252,253,252,252,231,154,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,128,252,108,108,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,245,245,161,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,254,182,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,154,249,253,254,253,249,140,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,160,220,253,253,253,235,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,99,165,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,216,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,114,245,253,253,236,231,214,97,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,125,228,253,254,253,253,253,254,253,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,170,253,253,253,254,168,85,103,186,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,255,254,254,203,0,0,0,0,0,51,166,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,108,253,254,244,123,6,0,0,0,0,0,0,19,198,254,115,0,0,0,0,0,0,0,0,0,0,0,0,108,253,247,154,0,0,0,0,0,0,0,0,0,51,113,21,0,0,0,0,0,0,0,0,0,0,0,0,7,203,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,67,149,233,191,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,198,225,225,235,254,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,253,254,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,216,142,163,253,253,174,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,183,0,135,253,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,224,7,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,169,253,234,147,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,253,253,254,139,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,255,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,239,254,224,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,251,252,84,142,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,224,0,22,234,246,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,224,0,0,225,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,224,0,0,155,253,239,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,224,0,23,234,253,227,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,244,247,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,253,253,254,253,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,169,253,254,239,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,255,128,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,10,84,104,104,104,104,104,104,34,0,0,0,0,0,0,0,0,0,0,0,0,0,6,142,169,159,145,254,254,254,254,254,254,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,9,167,254,254,248,206,207,192,113,113,113,113,81,18,18,5,0,0,0,0,0,0,0,0,0,0,1,76,216,254,254,144,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,254,160,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,252,254,254,254,254,254,239,151,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,235,121,37,37,149,239,254,207,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,240,86,22,0,0,0,0,43,159,255,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,247,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,160,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,203,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,157,29,58,141,236,252,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,238,235,254,254,250,235,157,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,221,254,254,244,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,9,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,255,254,255,157,146,146,146,146,146,146,146,146,146,146,146,146,146,22,0,0,0,0,0,0,0,0,11,203,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,37,0,0,0,0,0,0,0,0,0,23,175,165,32,32,99,177,202,248,248,192,139,228,144,186,184,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,250,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,187,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,189,128,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,105,188,239,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,110,193,240,254,254,254,250,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,125,252,254,254,254,254,254,204,163,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,254,254,244,154,72,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,254,254,229,78,0,14,177,153,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,254,254,254,254,250,183,222,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,42,106,106,106,196,245,254,254,254,239,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,229,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,254,250,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,211,254,254,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,254,254,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,235,254,254,254,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,254,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,247,254,254,254,254,254,200,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,254,254,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,254,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,237,254,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,142,194,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,151,254,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,223,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,227,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,254,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,243,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,240,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,240,253,253,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,186,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,132,236,201,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,254,254,249,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,254,243,84,108,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,198,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,165,255,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,174,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,240,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,247,249,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,159,253,253,253,76,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,203,253,252,252,252,252,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,101,240,252,205,69,69,188,252,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,157,21,0,0,59,244,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,244,252,210,22,0,0,0,43,240,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,249,199,21,0,0,0,0,93,253,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,75,0,0,0,0,0,13,174,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,174,252,218,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,233,252,136,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,186,252,231,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,176,47,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,252,244,240,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,253,253,253,253,255,154,0,0,0,3,97,153,0,0,0,0,0,0,0,0,0,0,0,0,0,81,244,253,252,218,153,248,253,236,65,17,47,170,252,162,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,253,187,19,0,146,253,252,234,209,252,247,110,19,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,192,17,0,0,21,211,252,252,218,160,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,210,137,11,0,0,0,0,13,22,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,76,247,232,147,137,39,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,157,254,254,254,254,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,227,254,254,254,254,254,254,254,145,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,254,254,254,115,153,254,254,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,217,60,231,254,254,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,254,254,254,243,254,251,245,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,244,131,22,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,197,254,254,249,86,0,22,254,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,89,46,20,0,0,12,212,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,216,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,225,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,139,43,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,43,43,43,69,60,43,11,0,0,0,0,0,0,0,0,0,0,0,146,190,190,190,190,191,190,190,206,252,253,252,252,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,232,231,231,237,235,232,231,231,245,252,253,63,0,0,0,0,0,0,0,0,0,0,0,84,84,84,84,84,0,0,0,21,14,0,0,6,190,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,247,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,252,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,235,14,0,0,0,98,176,211,0,0,0,0,0,0,0,0,0,0,22,43,130,148,148,148,148,148,255,253,253,253,253,255,253,253,225,35,0,0,0,0,0,0,0,0,0,100,221,252,252,253,252,252,252,252,253,252,252,252,182,168,168,71,21,0,0,0,0,0,0,0,0,0,93,240,222,126,126,83,91,21,26,218,253,201,29,21,4,0,0,0,0,0,0,0,0,0,0,0,0,0,218,141,0,0,0,0,0,0,134,252,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,107,0,0,0,0,0,18,239,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,81,0,0,0,0,0,145,253,236,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,0,0,0,0,29,239,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,127,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,42,42,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,69,191,254,255,186,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,166,252,253,239,157,114,16,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,218,253,252,149,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,216,253,236,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,243,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,140,0,0,0,0,0,0,15,16,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,125,0,0,0,25,123,166,241,191,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,251,187,65,91,229,253,169,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,192,253,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,239,253,174,129,212,252,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,170,10,0,0,92,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,186,239,6,0,0,0,20,208,177,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,230,238,0,0,0,0,0,62,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,252,88,0,0,0,0,0,239,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,233,233,85,27,0,0,0,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,250,253,232,178,115,115,240,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,181,253,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,110,233,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,183,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,246,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,252,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,245,224,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,245,252,178,169,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,152,169,252,211,0,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,249,239,252,247,211,228,228,211,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,253,253,253,253,255,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,252,252,252,253,252,252,252,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,152,232,231,231,187,249,253,252,136,56,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,148,192,255,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,40,137,212,210,40,100,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,157,226,253,254,253,253,118,230,60,53,165,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,141,224,244,157,255,211,153,238,231,181,207,235,24,14,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,247,159,0,76,21,12,39,114,68,71,235,168,43,0,0,0,0,0,0,0,0,0,0,0,58,175,254,253,174,0,0,0,0,0,0,0,0,0,108,253,223,0,0,0,0,0,0,0,0,0,102,57,189,253,229,168,43,0,0,0,0,0,0,0,0,0,94,253,215,0,0,0,0,0,0,0,0,61,169,235,248,177,23,0,0,0,0,0,0,0,0,0,0,46,205,253,253,0,0,0,0,0,0,0,0,179,254,254,72,23,0,0,0,0,0,0,0,0,0,0,59,239,254,254,119,0,0,0,0,0,0,0,0,216,253,104,3,0,0,0,0,0,0,0,0,7,73,192,201,253,253,227,46,0,0,0,0,0,0,0,0,254,253,145,0,0,0,0,0,31,31,102,175,199,253,253,254,253,198,43,0,0,0,0,0,0,0,0,0,163,253,247,219,136,235,234,234,203,241,254,253,253,253,237,154,71,6,0,0,0,0,0,0,0,0,0,0,59,238,253,253,253,254,253,253,253,253,254,253,222,193,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,98,150,195,196,157,236,254,254,255,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,135,173,39,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,158,225,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,255,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,223,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,133,93,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,205,254,254,254,254,204,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,254,254,254,254,248,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,254,254,236,85,52,193,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,234,85,43,0,0,76,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,45,0,0,0,0,47,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,212,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,227,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,228,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,81,9,0,48,173,254,218,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,215,138,231,254,250,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,153,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,109,255,211,31,0,47,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,252,253,189,51,0,233,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,181,252,252,154,10,0,0,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,191,252,231,108,0,0,0,0,253,221,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,252,220,41,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,220,45,0,0,0,0,0,0,211,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,231,123,0,0,0,0,0,0,0,94,247,241,78,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,108,0,0,0,0,0,0,0,0,0,217,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,108,0,0,0,0,0,0,0,0,0,73,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,217,252,190,0,0,0,0,0,0,0,0,0,10,56,221,238,72,0,0,0,0,0,0,0,0,0,0,0,217,252,128,0,0,0,0,0,0,0,0,0,0,0,125,253,190,11,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,73,253,253,0,0,0,0,0,0,0,0,0,0,0,0,255,253,72,0,0,0,0,0,0,0,0,0,0,73,252,252,0,0,0,0,0,0,0,0,0,0,0,42,253,189,10,0,0,0,0,0,0,0,0,0,0,21,201,252,21,0,0,0,0,0,0,0,0,0,0,144,253,179,0,0,0,0,0,0,0,0,0,0,0,0,181,252,143,0,0,0,0,0,0,0,0,0,105,206,253,97,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,98,0,0,0,0,0,0,110,150,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,252,242,217,134,73,73,94,217,253,252,241,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,215,226,252,252,253,252,252,252,237,215,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,211,252,253,252,231,108,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,51,0,0,60,70,70,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,251,240,240,237,238,253,249,246,247,209,169,95,32,0,0,0,0,0,0,0,0,0,0,0,0,0,50,78,61,39,37,0,2,61,61,131,145,214,248,253,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,252,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,215,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,110,253,253,208,154,154,154,154,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,156,177,247,255,254,254,254,243,165,200,154,154,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,130,130,84,54,114,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,245,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,125,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,253,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,47,193,253,252,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,252,252,253,252,252,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,252,253,252,210,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,252,253,157,97,43,179,116,189,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,253,253,253,244,118,55,128,253,255,253,253,65,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,218,244,252,253,252,252,252,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,50,56,205,253,252,252,252,252,253,252,252,252,86,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,253,252,252,252,252,165,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,190,211,252,252,252,253,217,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,253,253,253,243,53,26,222,253,253,255,253,169,36,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,252,252,252,64,0,17,175,244,231,232,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,22,0,0,0,56,69,222,252,252,185,7,0,0,0,0,0,0,0,0,0,0,0,0,74,117,252,252,252,22,0,0,0,0,74,253,252,252,218,14,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,232,116,42,0,0,0,148,252,252,202,11,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,253,253,253,255,253,169,138,138,202,253,253,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,200,252,252,253,252,252,252,252,253,244,240,120,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,69,183,183,253,221,252,252,252,253,240,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,105,252,252,252,253,210,215,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,15,107,137,137,75,55,130,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,129,255,253,210,143,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,176,199,252,253,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,230,252,252,252,154,153,235,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,227,252,243,202,24,0,35,232,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,240,221,59,78,104,32,155,252,247,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,221,127,252,252,230,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,170,74,165,251,253,252,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,244,253,252,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,216,252,253,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,111,210,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,223,252,146,0,147,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,222,20,0,67,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,118,0,0,67,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,236,243,51,0,0,67,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,208,0,0,0,153,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,249,149,26,89,246,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,252,253,252,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,222,252,252,253,203,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,142,190,128,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,213,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,227,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,103,248,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,201,154,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,220,254,100,171,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,254,254,30,171,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,147,254,252,148,8,171,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,222,254,254,151,0,37,214,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,137,254,254,254,130,78,127,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,220,254,254,254,254,254,254,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,223,254,254,254,254,254,254,254,254,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,158,254,188,185,185,185,185,185,246,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,84,5,0,0,0,0,0,122,254,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,183,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,227,226,38,0,0,0,0,0,0,0,32,191,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,224,97,0,0,0,0,0,35,217,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,250,150,94,95,94,94,215,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,253,253,253,254,253,253,253,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,253,253,255,225,211,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,162,66,66,67,38,45,233,253,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,253,253,226,0,0,0,0,94,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,246,249,131,0,0,0,0,109,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,90,0,0,0,0,0,228,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,255,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,199,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,183,211,158,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,254,250,212,152,152,152,79,70,151,63,63,63,31,0,0,0,0,0,0,0,0,0,0,0,0,7,165,254,254,254,254,254,254,254,254,254,254,254,254,254,241,187,0,0,0,0,0,0,0,0,0,0,0,0,8,40,111,98,190,219,219,219,219,219,244,243,254,254,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,79,252,254,251,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,173,254,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,236,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,210,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,254,150,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,247,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,254,165,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,213,254,199,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,240,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,248,254,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,218,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,242,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,92,166,203,253,255,228,141,141,141,116,117,41,13,0,0,0,0,0,0,0,0,0,0,0,0,13,144,243,253,252,252,252,253,252,252,252,253,252,252,252,207,94,13,0,0,0,0,0,0,0,0,0,10,172,252,252,253,252,252,177,168,168,168,168,168,168,118,205,253,252,171,10,0,0,0,0,0,0,0,0,128,252,252,252,253,252,177,3,0,0,0,0,0,0,0,13,103,252,252,128,0,0,0,0,0,0,0,0,114,163,76,0,179,253,253,53,0,0,0,0,0,0,0,0,29,216,253,128,0,0,0,0,0,0,0,0,0,0,0,0,10,196,252,252,0,0,0,0,0,0,0,51,216,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,126,0,0,0,0,0,104,246,253,233,130,6,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,250,125,0,0,0,101,246,252,190,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,250,254,203,7,13,204,253,253,178,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,149,194,253,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,216,252,252,252,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,204,253,253,253,179,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,240,215,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,196,19,231,253,215,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,145,0,225,253,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,146,0,126,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,253,234,169,243,253,240,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,203,227,228,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,255,254,255,254,254,254,249,168,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,213,176,176,176,176,176,176,208,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,37,0,0,0,0,0,0,4,8,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,198,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,233,239,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,212,59,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,254,210,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,55,121,206,247,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,232,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,248,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,40,0,0,0,0,0,25,235,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,106,0,0,0,0,0,0,211,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,213,13,0,0,0,0,18,229,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,191,13,0,0,3,142,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,212,104,19,142,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,179,253,254,254,254,162,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,237,236,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,112,254,253,254,253,234,152,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,252,253,252,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,214,253,254,131,0,41,62,102,234,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,51,252,253,50,0,0,0,0,193,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,214,10,0,0,0,21,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,91,0,0,21,203,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,82,62,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,243,223,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,254,253,254,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,212,91,172,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,203,61,0,0,234,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,102,0,0,0,51,232,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,233,0,0,0,0,0,0,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,151,0,0,0,0,0,123,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,213,52,51,72,152,255,253,255,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,255,253,255,253,255,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,192,253,171,151,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,229,199,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,210,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,255,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,254,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,199,254,206,153,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,243,65,130,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,245,254,127,0,130,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,225,26,0,130,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,125,0,0,130,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,245,36,0,0,130,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,246,152,0,0,19,147,254,191,161,208,208,166,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,175,195,203,230,254,254,254,254,254,254,236,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,233,254,254,255,254,254,254,255,254,243,192,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,226,233,240,233,251,238,106,60,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,20,232,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,227,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,213,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,253,252,253,252,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,254,233,203,243,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,131,30,0,122,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,203,61,0,0,0,123,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,212,20,0,0,0,163,243,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,61,0,21,113,233,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,162,82,163,223,253,252,213,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,254,253,224,81,152,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,252,233,111,20,0,233,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,61,0,0,0,21,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,254,255,171,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,226,250,233,158,233,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,228,73,0,0,0,0,43,79,83,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,85,0,0,0,0,96,237,237,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,238,182,8,0,0,91,235,237,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,177,0,59,239,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,232,42,239,253,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,254,179,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,235,253,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,240,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,255,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,196,204,76,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,226,198,6,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,227,43,0,0,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,135,0,0,76,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,241,68,0,10,209,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,244,113,0,7,94,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,98,0,109,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,244,242,234,247,231,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,253,154,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,255,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,255,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,71,190,237,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,254,254,254,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,235,83,98,144,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,43,0,0,107,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,251,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,245,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,103,240,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,219,173,121,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,231,254,254,254,254,254,159,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,53,53,58,217,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,118,254,249,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,115,254,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,113,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,213,254,249,129,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,156,171,216,156,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,250,233,246,253,241,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,146,0,48,123,199,253,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,117,0,0,0,6,130,253,219,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,117,0,0,0,0,9,170,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,214,0,0,0,0,0,0,255,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,55,253,247,49,0,0,0,0,0,178,253,158,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,253,58,0,0,0,73,116,254,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,58,25,92,234,251,253,229,213,241,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,133,194,253,253,147,58,23,0,108,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,254,254,241,150,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,114,253,253,207,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,156,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,219,254,204,19,235,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,219,253,96,9,0,234,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,224,254,133,0,0,79,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,174,9,0,10,196,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,117,0,19,129,253,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,243,234,239,253,195,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,126,208,253,193,111,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,255,254,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,161,244,253,253,253,253,188,94,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,181,253,253,253,253,253,253,253,253,249,104,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,202,253,253,252,107,67,67,103,170,230,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,247,96,0,0,0,0,0,15,230,253,192,0,0,0,0,0,0,0,0,0,0,0,0,11,73,239,253,249,136,0,0,0,0,0,0,0,228,253,250,137,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,146,0,0,0,0,0,0,0,0,222,253,253,196,0,0,0,0,0,0,0,0,0,0,24,211,253,253,253,67,0,0,0,0,0,0,0,0,125,253,253,196,0,0,0,0,0,0,0,0,0,0,94,253,253,253,147,5,0,0,0,0,0,0,0,0,169,253,253,154,0,0,0,0,0,0,0,0,0,0,94,253,253,253,78,0,0,0,0,0,0,0,0,0,228,253,253,196,0,0,0,0,0,0,0,0,0,0,94,253,253,253,78,0,0,0,0,0,0,0,0,31,238,253,253,196,0,0,0,0,0,0,0,0,0,0,94,253,253,239,33,0,0,0,0,0,0,0,0,79,253,253,253,136,0,0,0,0,0,0,0,0,0,0,172,253,253,227,0,0,0,0,0,0,0,0,11,139,253,253,246,23,0,0,0,0,0,0,0,0,0,0,100,253,253,227,0,0,0,0,0,0,0,0,45,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,94,253,253,227,0,0,0,0,0,0,0,0,167,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,10,236,253,251,78,0,0,0,0,0,30,161,252,253,253,248,43,0,0,0,0,0,0,0,0,0,0,0,0,71,253,253,230,49,0,0,0,55,217,253,253,253,220,95,0,0,0,0,0,0,0,0,0,0,0,0,0,6,146,253,253,230,115,115,178,246,253,253,252,211,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,253,253,253,234,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,76,149,218,253,253,213,132,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,107,177,205,139,255,235,136,227,155,136,21,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,228,241,218,218,218,224,253,253,253,253,253,242,132,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,54,0,0,0,14,82,82,82,189,227,253,253,232,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,78,229,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,179,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,185,253,252,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,116,236,253,253,239,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,225,253,253,253,152,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,236,253,253,191,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,140,245,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,251,251,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,230,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,166,30,0,0,0,0,0,0,0,148,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,159,0,0,0,0,0,0,70,224,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,252,190,157,201,201,201,201,252,253,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,202,253,253,253,253,253,253,253,242,130,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,28,135,135,135,190,135,129,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,57,226,86,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,86,0,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,66,138,202,232,38,0,0,0,0,0,0,0,0,0,0,0,0,13,47,47,47,47,47,89,161,162,178,252,252,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,252,252,252,252,253,252,252,195,246,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,13,139,160,161,160,160,160,160,98,45,45,9,230,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,239,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,234,120,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,189,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,174,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,176,245,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,214,214,165,15,0,144,254,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,254,254,48,37,233,254,254,145,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,122,254,221,251,76,151,254,254,152,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,103,3,221,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,241,0,0,91,254,254,169,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,241,0,49,237,254,207,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,228,240,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,227,254,254,254,160,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,68,175,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,245,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,248,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,222,56,42,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,254,254,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,176,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,185,254,254,254,254,155,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,115,247,254,253,253,253,253,253,251,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,244,253,253,254,253,253,253,253,253,253,236,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,241,253,253,211,174,173,245,253,253,253,253,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,214,88,0,0,48,53,53,53,53,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,233,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,231,19,41,41,41,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,229,253,253,204,253,254,253,50,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,254,253,253,177,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,253,182,183,253,253,253,222,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,64,134,49,0,0,64,249,254,254,254,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,50,0,0,0,0,0,0,0,200,253,253,239,86,0,0,0,0,0,0,0,0,0,0,0,0,0,70,208,200,14,0,0,0,0,54,111,247,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,88,28,41,41,112,255,253,253,253,243,56,0,0,0,0,0,0,0,0,0,0,0,0,0,69,244,253,253,234,224,253,253,253,255,253,253,245,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,253,253,253,253,253,253,253,248,240,120,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,120,225,253,161,133,182,182,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,128,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,64,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,64,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,128,128,128,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,219,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,230,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,232,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,243,255,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,205,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,217,206,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,252,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,174,253,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,237,252,252,252,168,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,153,253,236,126,21,21,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,204,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,242,180,0,0,0,0,0,0,0,0,11,22,22,62,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,84,0,0,0,0,0,0,0,48,158,252,252,239,69,0,0,0,0,0,0,0,0,0,0,0,0,190,244,49,0,0,0,0,0,0,62,216,252,226,147,253,239,62,0,0,0,0,0,0,0,0,0,0,0,191,253,84,0,0,0,0,0,18,255,239,106,0,0,18,217,188,0,0,0,0,0,0,0,0,0,0,0,190,252,84,0,0,0,0,22,199,253,89,0,0,0,0,190,247,63,0,0,0,0,0,0,0,0,0,0,130,251,136,0,0,0,0,64,252,232,32,0,0,0,0,190,252,84,0,0,0,0,0,0,0,0,0,0,0,206,205,11,0,0,0,64,252,211,0,0,0,0,0,190,252,111,0,0,0,0,0,0,0,0,0,0,0,127,252,174,0,0,0,64,252,211,0,0,0,0,0,190,252,189,0,0,0,0,0,0,0,0,0,0,0,9,187,253,131,11,0,54,247,255,63,0,0,0,0,191,253,128,0,0,0,0,0,0,0,0,0,0,0,0,16,107,253,205,86,0,131,253,170,43,0,0,68,237,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,161,240,232,196,253,252,242,161,127,245,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,231,252,253,252,252,252,252,253,169,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,86,209,252,252,208,208,129,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,67,67,143,160,216,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,38,108,157,226,237,254,254,254,254,254,225,0,0,0,0,0,0,0,0,0,0,0,1,10,63,104,170,210,254,254,254,254,246,216,150,150,119,56,50,0,0,0,0,0,0,0,0,0,0,117,173,254,254,254,254,254,254,197,179,95,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,194,226,254,254,254,238,185,32,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,109,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,219,151,151,151,151,151,78,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,254,254,254,254,254,254,243,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,159,159,159,79,66,66,115,198,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,250,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,2,0,0,0,0,0,0,0,0,104,254,203,4,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,47,0,0,0,0,0,0,0,0,48,254,254,9,0,0,0,0,0,0,0,0,0,0,0,0,2,185,254,47,0,0,0,0,0,0,0,0,134,254,206,4,0,0,0,0,0,0,0,0,0,0,0,0,10,254,208,9,0,0,0,0,0,0,1,111,233,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,177,179,113,3,0,0,0,0,108,254,254,209,22,0,0,0,0,0,0,0,0,0,0,0,0,0,4,204,254,254,254,133,57,57,57,140,231,254,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,224,254,254,254,254,254,255,249,225,134,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,73,159,180,254,183,101,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,152,103,100,137,110,77,124,155,77,108,77,120,0,0,0,0,0,0,0,0,0,0,0,0,0,127,242,253,254,254,254,254,254,254,254,254,254,254,254,251,242,242,232,144,0,0,0,0,0,0,0,0,0,197,255,254,254,254,254,254,220,226,223,205,223,223,238,254,254,205,254,253,165,0,0,0,0,0,0,0,0,153,254,186,98,168,187,96,12,17,14,0,14,14,27,72,140,141,248,254,254,0,0,0,0,0,0,0,0,16,85,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,242,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,203,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,254,254,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,177,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,120,253,254,213,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,86,254,254,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,54,254,254,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,254,254,181,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,254,254,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,185,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,222,254,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,248,236,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,110,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,166,252,226,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,77,0,0,0,0,0,0,0,0,0,0,70,157,48,2,0,0,0,0,0,0,0,0,0,145,252,252,252,156,0,0,0,0,0,0,0,0,0,49,237,252,252,92,0,0,0,0,0,0,0,0,3,170,252,252,180,17,0,0,0,0,0,0,0,0,0,73,252,252,252,218,0,0,0,0,0,0,0,0,47,252,252,252,72,0,0,0,0,0,0,0,0,0,0,73,252,252,252,217,0,0,0,0,0,0,0,0,132,252,252,252,72,0,0,0,0,0,0,0,0,0,0,73,252,252,252,92,0,0,0,0,0,0,0,0,237,252,252,252,72,0,0,0,0,0,0,0,0,0,0,176,252,252,252,11,0,0,0,0,0,0,0,0,253,252,252,252,72,0,0,0,0,0,0,0,0,0,107,247,252,252,205,7,0,0,0,0,0,0,0,0,253,252,252,252,129,0,0,0,0,0,0,0,18,143,249,252,252,252,143,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,195,253,255,253,253,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,171,242,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,197,10,0,0,0,0,0,0,0,0,0,0,67,216,223,252,252,252,252,252,252,253,252,252,228,242,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,16,113,112,84,187,204,204,84,84,84,28,181,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,198,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,11,11,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,141,216,253,253,242,141,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,243,253,252,252,252,253,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,209,252,252,168,142,56,56,56,100,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,214,90,0,0,0,0,13,194,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,209,25,0,0,0,23,79,254,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,171,57,57,57,131,234,252,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,216,252,252,252,253,252,252,214,119,168,234,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,165,252,252,253,177,103,15,0,0,197,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,47,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,86,151,255,254,254,254,157,91,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,244,244,253,253,114,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,251,213,111,111,30,30,111,156,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,244,143,0,0,0,0,0,0,81,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,36,0,0,0,0,0,25,163,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,38,131,233,253,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,68,186,253,253,253,218,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,141,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,232,140,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,68,68,158,191,240,253,230,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,161,242,231,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,243,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,248,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,248,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,142,237,253,214,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,191,236,150,112,142,241,253,253,215,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,210,253,253,253,253,253,253,119,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,211,253,253,223,129,32,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,152,254,253,152,112,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,213,252,253,252,243,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,152,254,213,0,0,62,102,214,253,255,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,253,252,253,252,123,0,0,0,10,50,213,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,254,253,163,20,0,41,41,0,0,0,0,0,0,82,163,122,0,0,0,0,0,0,0,0,0,0,0,0,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,234,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,31,0,0,0,0,0,0,214,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,192,41,0,0,0,0,0,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,234,71,21,0,0,0,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,20,102,183,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,223,255,253,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,213,252,233,111,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,81,26,0,0,0,0,0,94,253,196,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,187,253,80,0,0,0,0,0,94,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,80,0,0,0,0,0,193,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,80,0,0,0,0,18,232,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,220,253,80,0,0,0,0,122,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,89,14,21,147,148,248,253,253,169,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,253,253,254,253,253,253,147,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,254,248,134,192,254,210,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,13,13,13,12,0,177,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,240,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,191,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,128,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,64,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,111,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,188,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,237,220,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,24,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,212,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,175,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,188,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,197,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,201,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,190,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,254,230,130,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,208,253,253,253,253,225,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,208,253,241,213,138,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,223,38,0,21,210,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,99,0,0,7,189,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,153,36,0,0,50,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,241,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,230,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,188,253,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,253,214,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,163,253,253,164,0,0,0,0,0,0,0,32,81,196,147,2,0,0,0,0,0,0,0,0,0,0,7,185,253,253,174,14,0,0,0,0,71,129,211,228,253,253,253,5,0,0,0,0,0,0,0,0,0,5,166,253,253,240,55,0,0,69,127,217,246,253,253,253,253,253,107,1,0,0,0,0,0,0,0,0,0,62,253,253,241,71,66,124,223,245,253,253,253,253,253,165,103,30,2,0,0,0,0,0,0,0,0,0,3,185,253,253,250,230,245,253,253,253,253,253,168,106,24,3,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,253,253,253,253,229,141,48,18,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,253,253,175,112,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,180,54,5,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,23,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,146,146,146,244,243,198,159,146,146,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,210,250,253,253,253,253,253,253,253,253,253,248,145,0,0,0,0,0,0,0,0,0,0,0,0,36,193,251,253,253,253,253,253,253,253,253,253,253,253,253,251,128,7,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,206,115,115,156,253,253,253,253,253,253,253,253,45,0,0,0,0,0,0,0,0,0,95,250,253,253,253,253,23,0,0,5,29,94,14,24,168,241,253,253,209,34,0,0,0,0,0,0,0,0,213,253,253,253,253,151,4,0,0,0,0,0,0,0,0,104,253,253,253,211,0,0,0,0,0,0,0,0,255,253,253,253,253,115,0,0,0,0,0,0,0,0,0,141,253,253,253,253,0,0,0,0,0,0,0,0,254,253,253,253,253,115,0,0,0,0,0,0,0,5,147,250,253,253,253,253,0,0,0,0,0,0,0,0,254,253,253,253,226,35,0,0,0,0,0,0,21,131,253,253,253,253,253,145,0,0,0,0,0,0,0,0,254,253,253,253,214,0,0,0,0,0,12,124,238,253,253,253,253,253,151,51,0,0,0,0,0,0,0,0,212,253,253,253,248,102,0,51,70,70,180,253,253,253,253,253,208,118,6,0,0,0,0,0,0,0,0,0,34,208,253,253,253,207,169,231,253,253,253,253,253,253,253,202,31,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,253,253,253,253,253,253,200,21,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,210,253,253,253,253,253,253,253,253,236,182,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,245,249,253,253,253,253,253,249,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,243,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,45,45,45,45,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,150,253,255,199,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,232,253,253,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,189,253,253,236,149,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,231,253,236,237,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,253,239,169,249,249,113,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,236,96,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,195,203,253,247,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,233,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,243,170,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,191,2,143,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,83,0,65,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,238,0,0,156,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,238,0,3,204,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,238,0,6,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,245,44,141,253,122,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,231,239,197,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,253,251,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,156,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,247,247,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,238,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,255,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,247,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,222,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,202,255,163,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,200,254,233,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,183,254,239,20,240,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,82,0,95,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,248,254,199,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,224,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,217,254,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,207,7,0,0,0,0,0,0,0,3,91,174,192,109,6,0,0,0,0,0,0,0,0,0,0,0,221,254,159,0,0,0,0,0,0,0,0,138,254,254,254,254,201,20,0,0,0,0,0,0,0,0,0,0,221,254,196,0,0,0,0,0,0,0,160,252,195,141,217,254,254,133,0,0,0,0,0,0,0,0,0,0,221,254,242,34,0,0,0,0,0,56,237,232,50,0,39,254,254,220,0,0,0,0,0,0,0,0,0,0,157,254,254,161,0,0,0,0,32,238,254,88,0,0,39,254,254,220,0,0,0,0,0,0,0,0,0,0,23,218,254,251,128,2,0,0,114,254,213,9,0,0,39,254,254,205,0,0,0,0,0,0,0,0,0,0,0,77,250,254,254,179,21,5,240,254,207,65,102,128,205,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,77,244,254,254,254,254,254,254,254,254,254,254,254,254,185,10,0,0,0,0,0,0,0,0,0,0,0,0,0,70,204,254,254,254,254,254,254,254,252,220,205,86,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,82,157,225,254,254,224,141,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,228,255,92,119,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,230,233,109,133,253,239,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,250,75,0,28,127,226,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,189,0,0,0,0,122,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,54,0,0,0,0,12,227,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,241,191,0,0,0,0,0,0,156,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,75,0,0,0,0,0,0,91,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,225,18,0,0,0,0,0,0,78,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,89,0,0,0,0,0,0,0,0,247,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,18,0,0,0,0,0,0,0,0,163,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,182,0,0,0,0,0,0,0,0,0,163,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,129,0,0,0,0,0,0,0,0,0,130,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,13,0,0,0,0,0,0,0,0,0,208,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,0,0,0,0,0,0,0,0,0,79,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,0,0,0,0,0,0,0,0,46,232,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,0,0,0,0,0,0,0,50,234,228,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,0,0,0,0,0,0,32,186,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,59,0,0,0,0,95,199,221,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,238,147,109,180,199,254,216,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,105,254,253,253,253,253,105,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,240,147,113,39,39,39,39,39,39,39,39,39,39,39,23,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,254,254,254,254,254,254,254,254,254,254,254,226,171,23,0,0,0,0,0,0,0,0,0,0,10,129,184,187,238,249,249,249,249,249,249,249,249,250,254,254,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,254,186,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,254,224,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,238,254,199,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,173,254,193,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,254,169,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,251,254,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,225,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,248,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,229,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,43,148,227,253,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,137,232,252,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,189,247,251,231,187,127,91,40,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,134,239,253,169,77,0,0,0,0,119,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,164,42,11,0,0,0,0,71,249,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,157,253,243,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,183,252,252,237,190,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,223,253,252,252,252,252,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,216,110,84,84,154,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,42,42,18,0,0,0,106,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,225,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,252,161,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,227,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,227,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,0,29,153,249,250,117,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,204,169,246,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,252,226,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,95,236,252,252,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,201,252,252,252,194,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,197,253,252,244,132,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,107,252,253,234,79,36,75,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,252,252,241,82,29,213,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,252,252,252,70,0,164,252,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,196,252,252,252,199,0,0,164,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,211,252,252,252,217,24,0,0,164,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,207,0,0,0,164,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,253,253,253,253,253,255,218,201,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,149,192,248,252,252,253,252,252,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,115,237,238,237,246,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,212,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,203,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,173,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,213,92,51,51,51,51,51,51,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,253,252,253,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,255,253,254,253,254,253,254,253,254,253,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,233,151,151,151,151,70,112,192,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,255,253,102,0,0,0,0,0,0,163,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,102,0,0,0,0,0,82,243,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,82,0,0,0,0,0,173,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,111,0,0,0,0,0,41,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,52,148,148,166,209,253,253,209,131,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,252,252,252,253,252,252,252,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,15,153,245,252,252,252,252,253,252,252,252,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,253,252,252,236,189,128,84,84,127,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,253,252,146,31,0,0,0,18,221,252,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,18,239,253,247,97,0,0,0,0,50,201,253,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,63,53,0,0,0,0,68,211,252,252,252,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,128,232,232,245,252,252,252,103,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,252,252,252,253,252,247,162,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,252,253,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,253,253,253,255,253,191,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,189,252,253,252,252,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,109,200,252,252,252,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,237,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,35,0,18,216,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,165,210,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,253,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,253,252,252,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,252,185,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,208,164,147,112,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,130,210,255,254,254,246,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,138,232,253,253,221,160,227,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,211,253,217,134,12,7,0,125,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,246,233,82,0,0,0,0,0,113,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,175,15,0,0,0,0,0,4,189,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,239,173,10,0,0,0,0,0,0,62,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,18,206,235,41,0,0,0,0,0,0,42,191,253,188,44,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,124,0,0,0,0,0,25,123,196,253,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,252,179,37,55,110,110,173,229,253,253,240,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,249,253,253,253,253,253,212,231,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,124,155,129,51,51,11,228,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,202,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,151,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,223,249,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,239,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,220,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,61,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,246,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,240,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,229,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,249,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,195,253,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,200,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,164,0,0,106,105,105,105,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,184,87,209,254,253,253,253,214,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,128,253,253,253,253,253,253,254,253,253,253,253,225,8,0,0,0,0,0,0,0,0,0,0,0,0,0,8,190,253,253,253,253,253,253,254,225,211,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,253,161,22,164,253,253,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,253,149,25,175,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,253,253,205,233,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,243,253,253,253,253,253,255,253,253,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,240,253,253,253,253,254,253,224,208,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,104,245,226,192,192,104,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,192,137,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,135,246,254,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,170,254,206,91,201,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,200,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,101,237,254,227,240,234,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,151,20,69,245,234,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,244,254,154,4,0,0,119,249,239,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,229,254,153,0,0,0,0,0,120,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,173,0,0,0,0,0,0,5,188,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,219,254,47,0,0,0,0,0,0,9,223,221,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,172,3,0,0,0,0,0,0,104,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,215,147,0,0,0,0,0,0,0,31,255,229,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,147,0,0,0,0,0,0,0,12,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,232,147,0,0,0,0,0,0,6,190,239,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,147,0,0,0,0,0,0,114,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,217,8,0,0,0,0,18,195,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,128,0,0,0,20,192,225,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,245,250,84,31,87,218,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,250,254,233,244,254,126,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,146,254,227,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,176,253,253,237,50,0,101,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,253,252,252,252,237,163,234,199,85,85,163,210,50,0,0,0,0,0,0,0,0,0,0,0,0,45,234,252,253,233,195,195,195,196,246,252,252,252,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,253,167,0,0,0,92,243,252,249,223,84,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,253,214,31,0,79,253,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,143,128,253,255,152,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,106,253,252,252,252,252,152,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,252,252,252,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,203,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,165,216,253,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,252,55,44,252,253,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,186,12,7,133,253,252,239,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,151,0,0,0,146,249,252,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,146,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,255,27,0,0,0,0,48,229,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,252,253,228,116,76,0,0,0,197,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,195,253,252,252,246,197,198,197,240,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,249,252,252,252,253,252,252,252,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,112,205,252,253,252,252,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,255,254,169,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,130,247,241,173,244,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,67,0,38,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,244,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,247,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,234,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,138,0,19,70,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,150,172,237,253,251,230,139,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,236,253,222,154,230,246,254,228,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,210,160,118,0,0,50,186,253,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,128,0,0,0,0,0,172,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,244,245,114,47,26,0,47,226,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,246,254,253,232,207,254,248,179,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,128,211,253,253,161,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,255,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,183,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,220,254,254,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,151,253,254,238,230,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,182,254,254,245,128,96,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,115,251,254,254,238,61,0,44,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,105,254,254,254,254,142,28,0,44,254,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,254,254,254,233,206,214,254,254,246,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,254,254,254,254,254,254,254,242,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,64,183,210,166,115,115,115,115,130,228,254,236,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,242,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,172,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,56,165,254,254,254,254,254,227,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,253,252,206,143,64,44,134,243,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,160,253,206,81,0,0,0,0,0,0,199,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,180,10,0,0,0,0,0,0,0,27,154,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,124,0,0,0,0,0,0,0,0,0,0,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,244,229,58,2,0,0,0,0,0,0,37,200,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,173,20,0,0,0,0,57,234,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,77,227,253,243,83,8,49,145,249,169,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,115,231,253,167,232,248,131,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,253,208,213,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,198,19,46,244,228,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,205,18,0,0,86,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,231,242,43,0,0,0,15,253,245,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,213,0,0,0,0,16,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,143,0,0,0,0,15,253,246,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,75,0,0,0,0,82,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,149,0,0,2,114,244,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,196,252,168,145,225,253,227,82,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,148,230,253,253,167,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,241,192,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,215,159,85,86,85,85,85,98,197,197,197,198,153,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,252,253,252,252,252,253,252,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,138,225,225,226,225,225,225,229,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,110,240,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,52,48,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,228,241,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,255,97,3,0,0,0,0,0,0,0,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,155,4,0,0,0,0,0,5,219,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,177,116,19,19,19,13,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,253,253,253,253,253,253,253,220,185,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,253,253,253,253,253,253,253,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,138,93,93,128,116,208,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,74,0,0,0,0,109,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,110,253,158,0,0,0,0,211,253,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,197,94,0,0,0,18,220,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,131,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,224,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,248,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,209,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,103,229,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,34,144,221,254,254,254,129,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,200,253,254,253,253,195,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,166,154,126,44,6,44,44,8,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,220,39,2,0,0,0,0,0,57,235,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,61,235,222,35,0,0,0,0,0,0,61,235,253,244,52,0,0,0,0,0,0,0,0,0,0,0,0,18,235,222,38,0,0,0,0,0,0,95,235,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,5,177,251,62,0,0,0,0,26,122,213,253,253,253,238,9,0,0,0,0,0,0,0,0,0,0,0,0,120,250,116,0,0,0,0,88,254,253,253,253,253,238,61,0,0,0,0,0,0,0,0,0,0,0,0,0,210,231,0,0,38,145,188,245,254,233,132,246,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,59,248,134,25,149,237,253,253,253,129,24,44,248,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,254,254,234,139,15,0,38,236,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,253,230,134,30,0,0,0,96,253,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,154,129,29,0,0,0,0,14,207,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,188,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,221,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,225,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,230,149,48,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,222,254,254,209,138,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,10,31,197,239,251,177,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,104,250,234,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,141,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,173,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,131,246,252,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,155,194,246,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,190,217,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,247,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,97,2,0,1,32,226,231,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,205,173,161,163,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,199,254,255,190,67,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,38,136,227,255,254,249,123,10,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,86,156,253,253,253,253,253,253,253,253,207,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,179,253,253,253,245,200,200,200,147,200,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,182,65,54,0,0,0,0,133,253,218,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,11,0,0,0,0,0,133,252,243,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,234,253,61,0,0,0,0,85,251,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,245,55,0,0,132,247,253,71,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,226,253,180,20,45,228,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,247,253,238,225,253,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,253,235,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,253,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,252,243,105,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,114,1,119,253,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,126,0,25,219,253,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,245,138,0,104,246,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,242,183,93,223,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,253,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,135,190,135,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,198,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,170,29,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,226,0,0,114,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,114,57,57,57,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,255,255,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,170,170,226,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,114,255,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,198,141,226,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,85,191,254,255,184,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,233,254,254,227,210,254,147,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,248,254,175,70,13,2,179,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,250,250,98,3,0,0,0,65,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,223,240,86,0,0,0,0,0,39,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,249,55,0,0,0,0,0,0,124,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,252,76,0,0,0,0,0,0,13,232,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,219,176,4,0,0,0,0,0,0,158,254,227,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,52,0,0,0,0,0,0,36,250,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,195,4,0,0,0,0,0,76,205,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,208,35,2,3,24,94,178,238,241,247,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,203,207,254,254,250,170,32,169,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,101,184,184,184,184,115,28,0,0,169,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,247,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,225,65,56,56,13,0,2,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,253,220,209,210,243,209,209,210,139,9,0,0,0,0,0,0,0,0,0,0,0,0,0,23,175,233,253,253,253,253,253,253,253,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,34,107,133,171,155,153,133,139,239,253,253,208,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,229,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,209,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,136,253,253,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,253,253,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,253,241,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,178,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,236,253,250,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,195,253,247,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,251,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,155,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,224,181,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,160,254,214,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,145,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,215,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,177,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,249,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,205,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,62,227,197,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,141,219,224,254,254,238,131,45,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,254,229,254,254,251,220,254,254,242,189,124,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,187,254,124,49,2,52,110,139,228,254,245,159,115,37,0,0,0,0,0,0,0,0,0,0,0,246,254,254,254,184,13,0,0,0,0,0,15,110,194,238,254,228,59,0,0,0,0,0,0,0,0,0,0,209,254,254,125,12,0,0,0,0,0,0,0,0,0,10,70,139,98,0,0,0,0,0,0,0,0,0,0,22,190,88,11,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,173,213,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,212,151,232,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,244,122,0,0,0,82,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,203,0,0,0,0,41,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,151,172,252,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,232,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,152,52,92,113,193,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,192,151,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,186,33,0,0,0,0,48,250,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,254,157,0,0,0,11,178,254,223,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,227,254,157,0,0,0,105,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,252,81,0,0,8,190,254,234,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,207,254,163,0,0,0,71,254,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,250,59,0,7,9,108,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,254,218,116,175,230,254,254,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,206,254,254,254,254,254,200,201,254,254,254,239,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,244,144,90,8,3,80,254,254,196,20,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,105,90,15,0,0,0,0,101,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,241,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,215,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,255,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,101,241,254,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,47,197,253,253,253,253,164,47,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,205,253,253,253,253,253,253,253,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,253,253,253,253,253,253,253,210,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,239,253,253,253,253,253,253,253,253,253,253,253,210,23,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,253,253,253,253,253,253,253,253,204,25,0,0,0,0,0,0,0,0,0,0,16,174,253,253,253,253,253,253,227,154,14,150,225,253,253,253,253,115,34,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,253,237,61,0,0,0,46,138,248,253,253,253,118,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,237,59,0,0,0,0,0,0,136,253,253,253,253,0,0,0,0,0,0,0,0,0,187,253,253,253,253,253,82,0,0,0,0,0,0,0,62,253,253,253,253,0,0,0,0,0,0,0,0,0,200,253,253,253,253,179,21,0,0,0,0,0,2,94,196,253,253,253,253,0,0,0,0,0,0,0,0,50,226,253,253,253,185,8,0,0,0,0,0,34,131,253,253,253,253,253,178,0,0,0,0,0,0,0,0,101,253,253,253,253,152,47,0,37,70,177,224,232,253,253,253,253,253,253,141,0,0,0,0,0,0,0,0,204,253,253,253,253,253,225,169,213,253,253,253,253,253,253,253,253,253,253,244,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,228,54,0,0,0,0,0,0,0,0,124,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,227,57,0,0,0,0,0,0,0,0,0,98,251,253,253,253,253,253,253,253,253,253,253,253,253,253,253,243,53,0,0,0,0,0,0,0,0,0,0,0,134,253,253,253,253,253,253,253,253,253,253,253,253,253,161,53,0,0,0,0,0,0,0,0,0,0,0,0,37,199,219,253,253,253,253,253,253,248,199,199,199,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,99,99,150,140,99,99,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,128,0,0,64,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,128,128,128,128,128,128,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,255,144,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,234,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,245,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,252,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,238,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,211,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,216,253,203,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,239,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,214,255,198,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,249,254,254,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,244,254,192,174,202,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,98,0,9,22,75,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,28,0,126,218,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,196,235,251,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,88,254,254,254,254,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,183,254,254,236,254,254,204,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,160,254,254,202,17,63,216,248,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,197,254,218,103,10,0,0,78,253,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,219,79,0,0,0,0,0,163,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,237,53,0,0,0,0,0,0,91,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,238,78,0,0,0,0,0,0,0,5,211,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,170,0,0,0,0,0,0,0,0,17,246,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,210,62,0,0,0,0,0,0,0,11,150,250,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,207,4,0,0,0,0,0,0,48,219,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,178,93,12,4,62,104,198,247,254,105,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,251,251,253,253,254,254,213,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,194,254,254,254,254,254,254,194,117,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,72,137,159,177,242,114,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,159,253,253,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,252,252,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,88,197,227,253,233,195,233,252,253,233,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,252,162,56,7,178,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,0,0,135,252,252,190,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,0,86,253,253,253,114,113,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,59,167,89,0,85,252,252,252,253,252,246,225,225,163,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,208,214,195,196,195,195,202,252,253,233,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,28,0,0,0,0,10,84,237,252,233,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,237,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,231,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,143,38,0,0,0,0,13,191,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,218,38,0,0,19,181,252,253,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,208,252,221,198,197,209,252,252,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,180,252,253,252,252,252,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,112,237,141,112,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,105,106,105,106,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,36,0,0,11,148,123,220,253,253,253,253,230,68,50,0,0,0,0,0,0,0,0,0,0,4,113,164,217,217,86,1,54,253,254,253,253,253,253,253,253,253,237,165,0,0,0,0,0,0,0,0,50,151,253,253,253,253,253,57,222,253,254,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,156,201,253,254,191,178,178,178,178,178,178,178,178,0,0,0,0,0,0,0,0,211,253,253,253,253,249,223,144,57,74,74,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,133,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,241,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,246,194,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,104,201,253,253,253,253,216,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,255,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,157,253,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,89,244,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,246,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,111,136,224,92,93,240,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,253,253,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,253,253,253,253,229,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,184,253,253,253,242,163,111,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,59,129,76,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,114,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,170,198,170,170,226,170,198,198,255,0,0,0,0,0,0,0,0,0,0,0,0,86,198,226,255,255,255,255,255,255,255,255,255,255,170,170,86,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,255,255,255,255,86,86,57,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,141,114,86,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,0,0,0,0,0,0,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,0,0,0,57,226,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,255,226,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,7,96,131,131,131,232,213,131,241,204,77,1,0,0,0,0,0,0,0,0,0,1,80,137,137,137,212,254,254,254,254,254,254,254,254,254,254,254,254,18,0,0,0,0,0,0,0,0,0,7,254,254,254,254,254,254,242,236,236,236,199,112,112,112,167,255,254,136,0,0,0,0,0,0,0,0,0,6,229,229,242,214,105,105,33,0,0,0,0,0,0,0,113,255,254,124,0,0,0,0,0,0,0,0,0,0,0,0,49,0,0,0,0,0,0,0,0,0,0,0,224,255,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,254,238,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,225,254,182,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,189,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,220,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,245,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,179,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,217,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,254,254,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,253,253,237,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,218,253,253,163,253,253,243,146,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,3,134,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,240,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,178,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,191,253,253,251,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,167,253,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,215,253,253,253,192,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,253,22,0,0,17,62,132,178,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,253,253,123,22,162,187,248,249,251,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,204,253,253,253,253,253,253,253,84,67,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,217,253,253,253,248,199,156,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,99,179,113,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,254,91,0,0,0,0,0,0,31,173,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,91,10,0,0,0,0,0,0,193,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,244,81,0,0,0,0,0,0,31,233,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,122,0,0,0,0,0,0,41,213,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,131,0,0,0,0,0,0,31,193,254,131,41,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,172,10,0,0,0,0,0,41,173,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,102,0,0,0,0,0,11,132,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,162,253,212,20,0,0,0,0,0,132,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,131,51,92,152,193,254,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,252,253,252,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,253,224,203,142,41,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,50,50,20,0,0,142,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,16,0,0,0,0,0,0,0,0,42,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,16,0,0,0,0,0,0,0,131,250,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,16,0,0,0,0,0,0,30,251,189,144,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,207,211,5,0,0,0,0,0,0,112,254,82,0,200,225,3,0,0,0,0,0,0,0,0,0,0,0,0,207,238,12,0,0,0,0,0,0,112,218,8,0,116,254,48,0,0,0,0,0,0,0,0,0,0,0,0,207,202,3,0,0,0,0,0,0,176,181,0,0,56,254,48,0,0,0,0,0,0,0,0,0,0,0,0,207,246,14,0,0,0,0,0,10,230,161,0,0,12,238,117,0,0,0,0,0,0,0,0,0,0,0,0,132,254,16,0,0,0,0,0,15,250,127,0,0,35,230,127,0,0,0,0,0,0,0,0,0,0,0,0,128,254,16,0,0,0,0,0,16,254,128,0,0,66,255,48,0,0,0,0,0,0,0,0,0,0,0,0,128,254,16,0,0,0,0,0,16,254,127,0,0,76,250,42,0,0,0,0,0,0,0,0,0,0,0,0,63,254,81,0,0,0,0,0,16,254,127,0,0,160,207,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,139,0,0,0,0,0,2,198,127,0,20,220,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,199,0,0,0,0,0,0,191,127,0,154,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,5,0,0,0,0,0,186,128,74,250,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,125,0,0,0,0,0,112,222,226,219,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,107,0,0,0,3,138,254,242,67,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,190,250,183,143,168,225,254,254,246,198,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,164,254,254,229,170,60,16,61,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,167,253,253,143,6,0,0,0,26,132,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,232,237,252,92,0,0,0,118,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,225,242,41,83,249,252,95,19,54,221,252,190,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,156,0,0,128,250,253,212,252,252,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,60,0,0,0,127,253,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,118,14,0,0,0,0,63,201,252,180,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,229,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,248,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,206,252,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,235,91,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,127,127,189,232,223,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,169,211,252,252,253,252,252,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,147,191,147,147,129,200,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,245,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,152,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,252,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,213,169,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,142,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,252,169,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,173,252,253,239,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,237,253,253,253,165,193,148,148,218,253,255,253,253,227,148,0,0,0,0,0,0,0,0,0,0,0,0,0,37,142,246,252,252,253,252,252,252,252,253,224,168,98,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,47,126,127,126,126,100,21,21,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,129,168,242,254,255,215,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,244,254,239,202,176,135,158,236,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,236,161,48,7,3,0,0,0,91,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,88,0,0,0,0,0,0,0,2,197,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,124,0,0,0,0,0,0,0,7,180,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,249,107,7,0,0,0,0,0,97,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,186,254,214,87,0,0,27,135,248,222,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,175,254,248,180,151,238,247,164,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,81,220,254,254,219,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,224,254,254,224,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,135,249,217,85,133,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,188,34,0,8,204,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,47,0,0,0,78,248,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,39,0,0,0,0,164,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,152,0,0,0,0,117,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,200,241,61,0,0,0,117,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,242,201,49,0,0,122,252,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,252,217,67,21,222,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,239,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,239,254,174,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,34,53,144,144,144,144,144,192,72,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,253,253,253,253,254,253,253,253,253,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,236,154,154,154,154,236,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,135,231,191,0,0,0,0,9,69,207,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,223,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,104,239,253,206,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,45,108,224,253,250,185,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,188,237,253,254,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,242,253,253,253,254,253,253,178,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,221,221,221,241,254,254,254,206,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,153,242,253,253,193,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,249,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,207,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,185,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,89,85,0,0,0,0,0,0,110,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,246,253,252,165,40,2,12,12,104,239,253,250,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,209,244,253,253,253,167,255,253,253,253,200,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,170,253,253,253,254,253,253,155,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,52,143,191,143,143,52,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,48,84,250,181,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,156,254,254,254,254,250,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,63,228,247,240,116,114,16,42,168,224,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,254,188,2,0,0,0,6,194,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,254,254,164,84,1,0,0,0,0,172,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,126,255,254,176,0,0,0,0,0,0,15,229,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,255,254,254,54,0,0,0,0,0,0,113,250,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,213,15,0,0,0,0,0,0,126,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,196,31,0,0,0,0,0,0,2,213,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,240,65,0,0,0,0,0,0,0,142,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,181,0,0,0,0,0,0,0,107,240,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,246,181,0,0,0,0,0,0,69,248,242,68,2,0,0,0,0,0,0,0,0,0,0,0,0,0,28,238,254,103,0,0,0,0,0,15,214,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,174,5,0,0,0,0,13,196,254,238,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,220,42,0,0,0,0,38,210,254,159,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,115,0,0,0,57,235,254,234,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,195,0,0,45,191,254,160,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,224,229,11,109,242,254,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,254,206,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,204,255,205,82,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,148,148,245,253,253,237,148,148,78,7,43,29,0,0,0,0,0,0,0,0,0,0,0,0,0,131,206,252,253,252,252,252,252,253,252,252,252,200,253,231,181,28,0,0,0,0,0,0,0,0,0,0,43,242,252,235,127,126,126,56,21,21,21,234,252,252,223,126,126,42,0,0,0,0,0,0,0,0,0,0,64,247,252,68,0,0,0,0,0,11,143,246,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,252,191,45,0,0,0,0,175,252,252,155,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,253,237,148,30,0,124,255,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,107,253,252,221,146,242,253,153,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,161,251,252,252,214,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,252,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,221,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,191,131,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,147,11,98,246,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,94,0,0,170,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,42,0,0,22,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,42,0,0,13,217,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,253,42,0,0,39,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,42,0,29,213,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,191,145,239,252,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,235,253,137,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,223,225,129,27,13,18,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,254,254,228,237,254,227,155,142,185,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,188,254,254,254,254,254,254,254,254,254,254,253,219,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,249,249,128,148,148,148,128,149,224,158,224,254,212,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,247,0,0,0,0,0,0,0,0,4,168,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,43,0,0,0,0,0,0,0,0,125,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,134,0,0,0,0,0,0,0,0,198,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,220,0,0,0,0,0,0,0,11,228,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,227,13,0,0,0,0,0,0,118,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,0,0,0,0,0,0,0,206,254,200,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,251,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,236,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,217,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,242,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,218,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,254,223,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,232,250,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,62,149,254,254,254,255,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,220,254,209,124,74,84,230,239,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,215,95,0,0,0,0,63,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,181,213,27,0,0,0,0,0,42,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,159,0,0,0,0,0,0,121,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,205,17,0,0,0,0,0,0,205,244,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,125,0,0,0,0,0,6,158,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,115,0,0,0,0,53,211,254,147,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,229,200,134,125,182,239,249,254,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,243,254,254,227,169,148,233,200,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,99,252,34,0,0,104,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,102,217,141,131,0,0,0,0,192,215,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,128,0,0,0,0,0,0,116,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,227,178,8,0,0,0,0,0,0,126,248,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,57,0,0,0,0,0,0,0,197,226,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,219,7,0,0,0,0,0,0,80,245,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,235,41,0,0,0,0,2,122,245,198,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,143,0,0,0,43,178,254,197,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,184,251,185,238,238,248,228,90,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,135,235,171,171,93,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,254,200,115,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,233,147,161,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,208,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,143,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,106,0,0,0,0,4,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,218,247,28,0,0,0,0,183,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,140,0,0,0,0,39,237,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,82,0,0,0,58,223,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,243,33,0,0,60,229,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,255,167,0,4,140,255,254,136,74,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,142,16,162,253,254,184,12,64,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,173,215,253,253,146,12,0,64,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,253,253,217,116,0,0,0,109,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,173,134,17,0,0,0,0,142,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,214,254,254,254,188,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,203,228,143,143,229,253,183,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,192,37,0,0,6,173,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,112,0,0,0,0,70,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,232,253,128,0,0,0,0,50,245,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,159,251,243,240,108,0,0,0,0,36,239,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,253,97,78,17,0,0,0,0,70,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,137,3,0,0,0,0,0,164,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,253,143,58,39,0,0,49,234,244,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,193,253,252,251,206,50,221,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,143,188,248,253,253,253,226,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,121,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,241,249,240,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,237,29,104,253,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,106,0,15,231,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,250,28,0,70,253,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,195,0,75,207,254,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,186,152,244,253,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,253,233,115,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,191,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,222,197,4,0,0,0,0,0,0,0,0,0,0,0,11,102,19,0,0,0,0,0,0,0,0,0,0,32,253,254,18,0,0,0,0,0,0,0,0,0,0,0,150,253,197,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,105,143,216,0,0,0,0,0,0,0,0,0,0,109,253,254,18,0,0,0,0,0,0,0,0,0,0,0,0,55,254,54,0,0,0,0,0,0,0,0,11,215,254,255,18,0,0,0,0,0,0,0,0,0,0,0,0,55,253,54,0,0,0,0,0,0,0,0,56,253,233,254,102,0,0,0,0,0,0,0,0,0,0,0,0,55,253,131,0,0,0,0,0,0,0,0,128,244,127,254,108,0,0,0,0,0,0,0,0,0,0,0,0,51,250,215,0,0,0,0,0,0,0,30,213,156,91,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,121,248,84,0,0,0,0,0,59,183,194,16,155,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,254,73,5,0,6,137,222,238,91,19,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,254,237,235,237,233,199,59,0,38,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,101,127,145,203,120,23,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,208,245,95,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,190,237,230,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,72,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,215,215,12,0,11,82,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,21,0,78,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,21,0,78,252,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,21,0,78,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,21,0,78,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,221,14,0,78,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,206,21,10,83,252,253,84,2,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,252,252,252,235,227,252,253,252,171,206,188,154,100,0,0,0,0,0,0,0,0,0,0,0,0,0,69,249,252,252,252,252,252,252,253,252,252,252,252,252,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,31,57,142,142,142,142,238,253,252,161,142,166,166,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,235,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,146,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,131,136,211,254,254,255,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,242,252,207,100,182,182,143,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,238,231,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,241,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,247,0,0,30,42,42,42,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,247,249,60,134,231,253,253,253,173,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,230,176,210,253,247,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,200,253,253,159,29,0,18,106,253,246,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,141,67,7,0,0,0,7,206,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,209,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,138,0,0,0,0,57,253,200,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,223,212,0,0,0,29,250,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,225,25,65,128,224,249,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,209,253,229,245,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,253,253,154,135,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,16,203,255,255,233,107,7,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,86,253,253,253,253,253,253,253,253,222,136,98,13,13,2,0,0,0,0,0,0,0,0,0,0,0,0,7,253,253,251,158,111,111,196,235,235,249,253,253,253,253,156,31,2,0,0,0,0,0,0,0,0,0,0,6,242,253,243,74,10,0,0,0,0,131,253,253,253,253,253,253,156,19,0,0,0,0,0,0,0,0,0,0,122,253,253,253,172,26,0,0,54,230,253,253,238,253,117,99,99,53,0,0,0,0,0,0,0,0,0,0,5,102,216,239,253,237,137,65,229,253,242,116,181,194,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,216,253,253,253,253,253,119,14,218,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,80,199,253,253,253,230,199,109,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,230,253,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,240,101,178,253,253,230,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,233,253,197,0,17,98,240,253,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,101,0,0,0,84,241,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,237,51,0,0,0,0,211,253,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,203,0,0,0,0,0,211,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,203,0,0,0,0,0,211,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,203,0,0,0,0,0,211,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,204,0,0,0,32,145,249,253,163,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,225,112,112,112,153,253,253,212,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,253,253,253,253,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,88,214,253,253,253,253,153,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,57,29,29,86,29,29,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,226,255,255,255,255,255,255,255,255,255,255,255,198,0,0,0,0,0,0,0,0,0,0,29,114,226,255,255,226,170,86,86,86,57,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,86,86,114,170,170,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,255,255,255,255,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,0,0,0,0,57,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,255,255,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,86,86,86,114,226,255,255,226,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,170,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,168,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,253,198,5,0,0,0,0,0,0,5,11,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,67,155,155,155,198,250,232,117,4,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,38,97,237,253,254,253,253,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,126,237,253,253,253,254,253,253,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,254,254,254,254,240,208,111,111,111,190,254,254,210,0,0,0,0,0,0,0,0,0,0,0,38,235,253,253,253,253,242,187,58,0,0,0,0,17,186,253,161,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,253,244,36,0,0,0,0,0,0,0,89,253,165,0,0,0,0,0,0,0,0,0,0,0,38,235,253,215,83,10,0,0,0,0,0,0,0,5,151,253,99,0,0,0,0,0,0,0,0,0,0,0,23,131,251,160,0,0,0,0,0,0,0,0,0,56,230,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,243,242,129,0,0,0,0,0,0,0,95,235,253,158,22,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,246,127,12,12,12,12,89,213,253,253,250,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,219,253,253,253,253,253,255,253,253,253,224,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,179,253,253,253,253,254,253,145,114,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,133,143,176,253,143,114,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,57,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,114,86,226,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,226,255,226,114,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,170,0,0,141,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,29,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,170,0,0,86,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,0,0,170,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,86,226,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,226,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,255,253,255,253,255,253,86,85,86,85,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,253,251,225,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,254,253,254,253,254,253,254,253,254,253,254,139,57,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,84,83,84,83,84,83,253,251,253,251,253,251,225,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,168,253,251,253,251,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,85,85,85,254,253,254,253,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,251,253,251,253,251,253,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,254,253,254,253,254,253,254,253,254,253,254,253,85,85,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,253,251,253,251,253,251,253,251,253,251,253,251,169,56,0,0,0,0,0,0,0,0,86,253,254,253,254,253,169,168,169,168,169,168,169,168,198,253,254,253,254,253,0,0,0,0,0,0,0,0,28,83,84,83,84,83,0,0,0,0,0,0,0,0,28,196,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,253,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,224,253,251,253,251,196,28,0,0,0,0,0,0,0,0,0,0,0,0,85,85,85,85,141,253,254,253,254,253,254,253,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,251,253,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,254,253,226,168,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,83,253,138,84,83,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,116,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,159,254,253,253,169,151,184,109,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,254,255,254,254,254,254,254,254,254,229,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,185,253,253,199,31,65,148,115,115,115,182,254,249,222,72,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,244,17,0,0,0,0,0,0,0,105,234,253,253,183,19,0,0,0,0,0,0,0,0,0,0,161,253,244,69,0,0,0,0,0,0,0,0,0,55,102,253,254,198,17,0,0,0,0,0,0,0,0,0,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,197,0,0,0,0,0,0,0,0,0,254,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,251,63,0,0,0,0,0,0,0,0,254,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,55,200,253,152,0,0,0,0,0,0,0,0,254,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,219,0,0,0,0,0,0,0,0,170,254,254,152,26,0,0,0,0,0,0,0,0,0,0,0,128,245,254,161,0,0,0,0,0,0,0,0,7,216,253,253,214,89,26,0,0,0,0,0,0,0,81,206,254,253,223,40,0,0,0,0,0,0,0,0,0,25,129,246,254,253,232,207,149,99,99,116,141,207,245,253,247,162,25,0,0,0,0,0,0,0,0,0,0,0,0,50,220,253,253,253,254,253,253,253,254,253,253,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,101,184,229,254,254,228,185,184,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,23,23,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,161,170,220,195,78,70,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,180,230,237,253,253,253,254,253,253,103,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,249,253,244,247,246,230,230,230,251,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,253,244,69,50,50,0,0,0,80,236,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,255,254,113,0,0,0,0,0,0,0,108,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,254,253,63,0,0,0,0,0,0,60,249,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,253,190,49,17,0,3,24,116,224,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,253,253,253,235,167,140,253,254,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,254,254,254,254,254,247,235,254,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,148,173,240,237,210,21,101,254,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,34,29,38,0,168,254,253,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,254,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,254,244,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,244,160,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,121,144,163,172,144,82,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,253,253,253,254,200,133,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,165,253,236,121,44,107,154,236,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,10,9,0,0,13,52,233,231,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,104,216,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,109,239,253,243,165,74,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,152,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,210,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,133,200,253,246,188,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,81,206,253,241,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,111,215,245,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,212,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,244,249,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,181,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,213,253,246,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,170,245,253,244,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,155,172,253,253,255,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,213,253,253,220,115,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,215,33,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,193,173,253,254,253,193,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,253,252,253,252,253,232,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,244,203,203,203,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,40,0,0,0,172,252,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,255,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,13,100,168,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,157,217,253,227,125,96,200,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,246,181,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,254,247,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,118,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,249,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,248,165,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,84,119,249,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,196,244,251,251,253,253,249,184,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,122,146,254,254,146,17,226,254,250,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,211,21,0,47,235,254,180,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,180,0,0,0,46,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,253,100,0,0,0,0,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,60,0,0,0,0,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,60,0,0,0,128,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,101,0,0,89,251,254,245,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,208,98,143,233,253,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,253,253,253,201,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,167,195,149,81,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,128,174,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,234,252,252,252,253,228,146,209,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,252,252,252,252,253,252,252,252,252,198,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,252,157,84,84,121,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,157,50,0,0,57,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,253,196,0,0,0,38,222,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,243,246,130,38,86,219,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,208,252,221,253,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,253,252,252,252,236,84,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,144,253,253,255,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,252,252,253,252,252,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,252,252,252,253,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,253,252,252,252,252,253,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,252,252,253,252,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,253,253,253,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,253,252,252,252,252,253,252,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,227,253,252,252,252,252,253,233,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,252,252,240,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,237,252,252,173,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,192,125,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,228,254,255,253,222,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,254,254,254,254,254,252,155,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,133,19,49,171,254,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,183,6,0,0,26,147,254,251,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,251,254,61,0,0,100,229,254,254,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,182,7,25,120,245,254,254,110,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,102,66,196,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,237,246,254,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,200,189,88,89,236,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,65,65,12,0,0,0,184,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,250,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,188,254,254,254,253,131,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,253,253,253,253,251,182,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,247,253,243,238,202,253,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,34,29,27,8,34,97,235,253,230,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,117,250,253,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,239,239,239,251,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,253,253,253,253,253,227,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,242,253,253,253,225,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,248,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,242,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,191,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,224,187,106,5,105,250,246,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,253,192,30,144,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,242,243,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,135,253,253,253,253,253,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,190,253,253,253,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,54,138,220,204,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,238,255,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,172,0,0,0,25,208,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,253,253,51,0,0,0,53,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,45,0,0,0,53,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,251,253,253,127,5,0,0,0,53,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,220,25,0,0,0,0,7,186,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,192,57,27,61,66,66,45,242,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,238,222,241,243,243,218,253,253,231,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,253,253,253,253,253,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,253,253,253,253,253,253,253,253,253,253,204,27,0,0,0,0,0,0,0,0,0,0,0,0,0,86,194,194,194,194,194,194,161,161,194,235,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,197,253,253,237,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,251,253,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,176,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,160,185,205,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,70,223,250,254,254,254,253,135,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,250,245,244,251,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,238,254,254,189,78,0,0,135,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,254,204,17,0,0,0,34,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,216,22,0,0,12,69,205,254,193,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,197,35,42,121,227,254,254,254,220,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,226,254,248,249,254,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,236,253,254,254,212,87,212,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,120,194,125,25,38,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,248,246,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,255,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,34,34,34,34,34,82,197,182,106,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,233,245,255,253,253,253,253,230,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,171,130,173,31,87,140,44,44,92,44,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,234,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,223,234,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,248,253,207,74,118,204,179,233,155,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,253,247,178,220,119,216,253,253,159,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,226,121,12,17,0,24,196,253,253,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,9,125,143,71,21,0,0,0,0,0,9,76,249,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,243,254,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,208,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,204,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,99,0,0,0,0,0,0,0,0,0,0,0,53,199,8,0,0,0,0,0,0,0,0,0,18,235,253,206,22,0,0,0,0,0,0,0,0,0,0,0,6,214,118,4,0,0,0,0,0,0,8,55,181,253,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,165,45,45,45,45,45,60,224,253,250,185,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,227,253,253,253,253,253,254,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,120,147,253,171,143,192,143,52,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,254,255,254,254,186,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,239,233,233,234,233,239,253,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,24,0,0,0,0,24,105,253,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,196,195,195,142,23,0,0,99,226,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,218,255,254,254,254,81,0,140,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,136,220,253,253,238,140,247,253,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,78,209,253,254,253,198,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,254,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,239,254,135,170,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,196,253,207,0,63,217,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,88,0,0,145,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,216,27,0,0,79,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,117,0,0,0,18,238,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,19,0,0,0,19,239,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,19,0,0,0,86,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,19,0,0,7,199,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,217,253,220,62,100,183,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,253,254,253,192,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,253,253,237,69,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,252,217,183,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,167,29,22,205,232,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,212,28,0,0,0,232,196,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,38,0,0,0,0,232,252,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,204,9,0,0,0,50,245,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,132,0,0,0,0,128,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,253,72,0,0,0,0,85,252,252,252,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,215,253,224,41,0,27,54,85,252,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,232,211,228,247,225,252,252,208,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,185,232,253,253,255,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,89,80,81,196,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,251,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,173,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,213,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,239,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,230,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,243,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,253,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,155,255,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,239,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,149,253,201,211,243,255,253,169,97,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,244,206,206,248,253,252,252,252,211,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,69,56,0,0,63,69,69,100,208,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,160,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,197,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,160,252,227,119,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,178,253,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,233,243,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,136,252,214,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,191,252,233,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,228,253,172,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,191,253,180,0,0,0,0,0,0,0,0,0,0,0,15,108,25,0,0,0,0,0,0,0,0,0,0,68,252,235,18,0,0,0,0,43,47,47,47,47,99,162,219,240,37,0,0,0,0,0,0,0,0,0,0,161,252,227,131,185,184,131,184,246,253,252,252,252,252,253,208,81,0,0,0,0,0,0,0,0,0,0,0,50,227,252,252,253,252,252,252,252,253,252,252,176,160,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,48,137,242,190,137,137,96,22,23,22,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,108,232,255,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,226,184,236,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,151,251,252,112,3,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,130,253,232,120,0,0,0,36,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,95,0,0,7,107,241,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,171,3,0,4,78,253,249,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,59,0,0,114,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,208,16,79,241,253,170,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,199,253,228,207,253,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,193,253,253,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,218,253,244,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,192,73,241,246,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,235,253,21,0,200,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,158,1,0,200,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,59,0,38,237,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,59,0,144,253,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,130,40,213,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,253,253,188,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,105,228,253,184,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,122,239,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,180,236,254,254,253,194,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,215,133,156,236,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,214,142,21,0,0,108,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,183,12,0,0,0,5,156,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,236,29,0,0,0,0,44,254,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,233,25,0,0,0,17,197,249,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,94,0,0,0,85,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,248,249,54,0,109,230,224,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,175,245,186,234,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,221,254,254,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,230,254,254,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,251,193,42,159,254,228,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,159,16,0,9,221,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,155,15,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,91,0,0,0,8,216,215,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,220,6,0,0,0,17,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,191,3,0,48,86,203,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,227,226,246,255,240,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,158,251,247,158,140,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,206,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,245,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,230,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,231,252,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,210,26,0,0,0,6,36,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,192,252,66,0,0,0,128,206,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,239,46,0,11,154,241,212,192,230,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,160,0,0,82,252,209,20,56,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,242,0,11,177,255,245,86,0,56,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,212,12,171,252,245,90,0,0,132,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,252,135,174,252,209,38,0,0,62,237,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,200,252,202,20,0,0,0,132,247,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,252,252,66,0,0,0,22,206,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,252,252,114,0,0,0,186,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,252,99,113,6,0,26,150,249,179,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,252,200,45,45,93,253,252,235,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,252,252,252,243,175,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,71,147,252,252,156,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,154,236,232,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,117,210,244,245,163,144,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,201,254,244,113,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,252,201,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,246,31,0,0,0,0,0,0,0,0,37,60,3,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,179,0,0,0,0,0,0,0,39,152,247,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,221,30,0,0,0,0,35,203,247,243,155,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,212,64,0,0,114,243,254,205,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,188,254,253,156,150,253,234,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,113,253,254,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,229,254,254,254,214,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,230,63,197,246,245,164,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,254,48,0,0,35,164,254,231,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,169,2,0,0,0,7,81,229,249,154,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,101,0,0,0,0,0,0,0,194,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,181,2,0,0,0,0,0,0,61,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,178,91,37,73,91,97,190,247,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,249,253,254,254,254,232,209,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,88,154,154,213,253,154,154,154,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,236,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,239,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,247,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,239,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,249,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,219,105,105,105,105,105,105,105,105,106,105,105,105,12,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,253,253,253,214,97,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,253,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,134,232,253,253,253,239,197,253,253,253,254,253,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,24,29,29,29,97,240,253,253,253,254,253,253,253,231,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,232,253,253,253,253,254,253,233,223,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,253,253,254,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,253,253,254,253,244,239,107,90,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,165,208,251,253,253,254,253,253,253,253,253,222,141,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,104,104,166,253,253,253,253,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,243,254,254,255,228,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,236,253,253,242,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,227,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,120,238,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,253,253,253,253,129,7,0,0,0,0,0,0,0,0,0,0,0,20,102,179,162,15,0,24,30,181,240,253,253,253,249,143,4,0,0,0,0,0,0,0,0,0,0,0,32,212,253,253,253,190,134,226,253,254,253,253,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,100,243,253,253,253,253,253,253,253,253,255,253,248,163,120,4,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,253,253,253,209,172,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,139,253,253,253,253,253,112,104,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,114,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,243,193,85,85,86,85,85,28,48,38,9,0,0,0,0,0,0,0,0,0,0,0,0,0,13,155,252,253,252,252,252,252,253,252,252,215,227,222,203,43,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,252,252,252,252,253,252,252,252,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,112,112,221,252,252,253,252,252,252,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,140,141,178,253,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,252,252,204,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,246,252,214,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,29,29,7,4,107,207,252,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,165,153,252,253,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,253,253,253,255,253,222,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,214,253,176,233,252,252,168,121,27,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,56,57,209,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,110,172,196,201,118,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,254,254,254,254,254,249,138,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,162,233,128,65,65,92,177,239,254,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,140,0,0,0,0,0,23,155,254,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,197,19,0,0,0,0,0,5,208,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,213,254,213,58,177,108,0,0,5,208,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,226,254,254,254,254,193,139,204,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,115,188,250,254,254,254,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,98,128,180,211,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,198,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,172,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,229,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,243,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,227,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,110,255,254,224,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,245,244,253,222,101,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,152,35,66,253,253,253,218,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,223,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,183,246,131,99,143,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,135,253,179,0,0,75,253,222,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,199,25,0,0,26,221,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,80,0,0,0,0,120,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,227,222,24,0,0,0,0,24,223,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,179,0,0,0,0,0,0,211,229,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,86,0,0,0,0,0,0,211,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,242,61,0,0,0,0,0,0,114,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,216,0,0,0,0,0,0,0,88,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,216,0,0,0,0,0,0,0,129,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,216,0,0,0,0,0,0,0,211,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,231,34,0,0,0,0,0,32,228,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,137,0,0,0,0,32,213,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,213,250,129,0,0,86,153,253,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,251,242,242,251,253,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,129,156,253,159,93,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,255,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,179,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,244,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,251,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,238,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,210,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,225,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,236,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,255,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,243,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,234,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,228,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,232,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,255,131,0,0,0,48,237,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,166,50,239,253,253,223,34,0,48,235,253,253,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,150,251,234,253,253,253,253,129,48,233,253,253,253,241,67,0,0,0,0,0,0,0,0,0,0,0,17,160,234,253,253,253,234,87,61,55,144,253,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,219,67,0,0,19,218,253,253,253,192,24,0,0,0,0,0,0,0,0,0,0,0,6,215,253,253,252,168,3,0,0,29,162,253,253,253,249,51,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,253,239,0,0,0,107,154,253,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,3,214,253,253,253,248,248,248,252,253,253,253,253,253,251,187,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,253,253,253,253,253,253,253,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,56,237,253,253,253,253,253,253,253,253,253,219,54,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,238,253,253,253,253,253,253,253,222,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,89,89,89,221,253,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,95,253,253,249,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,231,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,239,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,242,255,211,86,0,0,0,0,87,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,253,211,222,248,181,248,252,250,164,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,63,142,142,142,142,171,253,253,253,253,253,232,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,73,253,253,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,243,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,245,253,253,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,209,242,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,213,253,253,230,80,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,227,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,219,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,220,244,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,213,253,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,244,239,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,209,137,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,253,253,217,191,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,229,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,253,253,250,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,159,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,102,166,245,202,45,0,0,0,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,101,246,254,254,254,254,249,143,0,203,251,196,52,0,0,0,0,0,0,0,0,0,0,0,0,0,37,221,254,254,254,188,116,105,90,58,0,246,254,254,233,101,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,242,106,3,0,0,0,0,0,190,222,250,254,252,64,0,0,0,0,0,0,0,0,0,0,87,246,254,246,124,0,0,0,0,0,0,0,14,5,110,254,254,84,0,0,0,0,0,0,0,0,0,25,239,254,254,120,0,0,0,0,0,0,0,0,0,0,11,219,254,231,0,0,0,0,0,0,0,0,0,125,254,254,170,0,0,0,0,0,0,0,0,0,0,0,14,222,254,254,0,0,0,0,0,0,0,0,49,217,254,254,86,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,0,0,0,0,0,0,0,0,77,254,254,246,41,0,0,0,0,0,0,0,0,0,0,0,219,254,254,88,0,0,0,0,0,0,0,0,155,254,255,203,0,0,0,0,0,0,0,0,0,0,0,0,219,254,252,63,0,0,0,0,0,0,0,0,166,254,254,129,0,0,0,0,0,0,0,0,0,0,0,88,248,254,198,0,0,0,0,0,0,0,0,0,172,254,254,129,0,0,0,0,0,0,0,0,0,0,0,213,254,254,114,0,0,0,0,0,0,0,0,0,191,255,237,53,0,0,0,0,0,0,0,0,0,0,27,241,254,243,40,0,0,0,0,0,0,0,0,0,166,254,254,70,0,0,0,0,0,0,0,0,0,0,157,254,254,138,0,0,0,0,0,0,0,0,0,0,166,254,207,2,0,0,0,0,0,0,0,0,0,50,249,254,254,52,0,0,0,0,0,0,0,0,0,0,116,254,233,23,0,0,0,0,0,0,0,0,1,180,254,254,181,22,0,0,0,0,0,0,0,0,0,0,11,229,254,86,0,0,0,0,0,0,0,3,108,254,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,112,254,174,6,0,0,0,0,0,4,75,254,254,254,160,7,0,0,0,0,0,0,0,0,0,0,0,0,38,203,254,158,13,0,0,13,30,153,254,254,254,218,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,254,252,179,179,249,254,254,254,253,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,255,255,198,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,255,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,255,255,255,226,86,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,255,255,198,57,0,57,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,114,0,0,0,170,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,226,114,29,0,29,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,255,226,141,141,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,226,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,198,57,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,29,57,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,114,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,197,121,121,121,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,252,252,243,240,240,240,240,241,114,107,107,107,107,198,144,0,0,0,0,0,0,0,0,0,0,76,198,252,252,252,252,252,252,252,252,253,252,252,252,252,252,252,249,219,45,0,0,0,0,0,0,0,0,0,17,39,151,172,172,227,252,252,252,253,252,252,252,252,252,252,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,53,53,53,53,179,185,242,252,252,252,252,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,242,252,252,252,232,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,252,252,203,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,252,218,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,247,252,252,213,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,255,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,253,252,212,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,185,252,253,212,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,171,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,196,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,255,182,18,0,0,0,0,0,0,142,193,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,73,0,0,0,0,0,0,239,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,46,0,0,0,0,0,0,239,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,239,253,134,0,0,0,0,0,0,196,253,238,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,238,45,0,0,0,0,0,239,253,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,118,0,0,0,12,18,239,253,247,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,220,78,120,78,227,152,246,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,177,253,253,253,253,253,253,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,240,253,253,253,253,253,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,223,245,253,253,143,98,181,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,45,133,51,1,0,135,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,253,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,192,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,48,116,77,192,216,206,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,86,177,210,254,253,253,253,253,253,217,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,254,253,253,253,253,175,154,121,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,248,253,237,231,122,121,121,112,10,3,0,94,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,200,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,175,170,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,253,236,40,0,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,171,127,231,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,143,230,157,253,253,253,254,245,221,153,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,111,174,221,249,254,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,183,216,162,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,89,223,128,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,131,206,176,0,0,0,0,0,0,0,0,0,0,117,75,3,0,0,0,0,0,0,0,0,0,0,13,95,246,253,176,0,0,0,0,0,0,0,0,0,0,91,253,88,0,0,0,0,0,0,0,0,74,99,211,253,253,253,176,0,0,0,0,0,0,0,0,0,0,64,252,252,160,84,60,31,122,170,233,232,250,253,253,253,253,227,92,0,0,0,0,0,0,0,0,0,0,0,126,252,253,253,253,253,253,253,255,253,253,253,253,253,227,39,0,0,0,0,0,0,0,0,0,0,0,0,0,121,227,253,253,253,253,253,254,253,253,213,176,176,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,143,95,143,143,191,158,176,52,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,255,169,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,247,184,184,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,131,209,252,253,253,253,250,222,222,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,157,210,245,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,253,220,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,235,253,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,253,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,248,253,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,232,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,248,253,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,119,242,253,253,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,84,253,253,240,134,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,231,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,208,253,233,46,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,101,177,253,255,224,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,204,252,252,252,253,252,222,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,243,252,192,72,44,58,222,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,245,125,4,0,0,0,176,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,183,5,0,0,0,0,105,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,184,252,21,0,0,0,0,15,218,248,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,45,2,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,67,46,0,53,229,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,186,230,252,239,114,186,252,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,252,242,244,252,252,253,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,233,103,83,252,252,253,201,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,252,78,4,165,252,252,253,252,231,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,154,251,147,55,175,252,244,98,99,249,252,241,88,3,1,79,37,0,0,0,0,0,0,0,0,0,0,176,252,244,175,252,250,189,26,0,0,98,245,252,252,137,54,252,175,0,0,0,0,0,0,0,0,0,11,199,252,252,252,225,120,0,0,0,0,0,98,182,252,252,252,252,94,0,0,0,0,0,0,0,0,0,5,186,252,194,119,21,0,0,0,0,0,0,0,3,105,180,252,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,251,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,209,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,233,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,133,207,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,139,254,184,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,216,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,193,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,250,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,210,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,233,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,248,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,199,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,234,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,213,172,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,226,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,7,92,130,222,255,255,255,255,163,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,253,253,253,253,253,253,253,253,253,253,159,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,240,235,143,111,111,111,159,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,149,105,33,0,0,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,217,253,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,171,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,110,253,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,170,253,253,253,226,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,235,253,253,233,191,244,227,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,197,42,0,124,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,146,179,66,0,0,94,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,109,0,0,0,88,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,247,135,75,0,199,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,253,248,236,250,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,137,253,253,253,253,101,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,42,229,253,102,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,108,182,182,182,182,182,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,254,254,254,254,254,254,240,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,162,226,254,254,254,132,57,57,121,246,214,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,179,254,254,230,130,130,51,0,0,0,98,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,170,254,254,230,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,254,130,0,0,0,0,0,0,0,106,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,181,12,0,0,0,0,0,0,91,249,244,87,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,188,22,0,0,0,0,0,0,0,100,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,252,254,147,0,0,0,0,0,0,0,0,100,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,147,0,0,0,0,0,0,0,0,97,252,254,214,4,0,0,0,0,0,0,0,0,0,0,0,0,92,254,147,0,0,0,0,0,0,0,0,39,215,254,254,174,13,0,0,0,0,0,0,0,0,0,0,0,83,247,227,59,0,0,0,0,0,0,129,215,254,254,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,182,254,236,60,0,0,0,0,38,210,254,168,191,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,46,231,254,231,206,206,206,206,222,253,213,55,22,216,254,244,87,0,0,0,0,0,0,0,0,0,0,0,0,52,139,254,254,254,254,254,254,160,0,0,0,100,123,238,183,8,0,0,0,0,0,0,0,0,0,0,0,0,5,32,32,123,197,95,32,11,0,0,0,0,0,223,254,176,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,106,246,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,155,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,254,254,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,235,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,230,254,254,254,109,0,0,0,0,40,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,254,150,5,0,0,0,105,223,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,202,254,254,254,59,0,4,63,221,248,254,241,153,47,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,254,244,47,0,125,254,254,254,254,254,254,217,27,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,254,166,0,100,235,254,254,254,177,66,186,254,114,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,249,52,189,247,254,254,243,89,10,0,10,218,114,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,246,144,254,254,254,233,49,0,0,7,156,160,39,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,121,0,24,139,212,201,8,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,196,30,129,210,254,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,220,254,254,255,254,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,254,254,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,254,254,254,254,254,254,254,254,233,138,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,206,254,254,254,254,254,229,184,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,89,146,146,192,123,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,52,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,253,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,52,51,0,0,0,0,0,0,0,0,82,243,233,50,0,0,0,0,0,0,0,0,0,41,103,102,204,203,253,130,0,0,0,0,0,0,0,0,255,233,41,0,0,0,113,152,214,253,255,253,255,253,255,233,204,162,82,0,0,0,0,0,0,0,0,0,253,232,204,203,204,203,253,252,253,212,151,151,151,70,50,30,0,0,0,0,0,0,0,0,0,0,0,0,62,183,204,203,204,203,103,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,164,238,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,50,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,253,244,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,189,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,128,128,64,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,64,64,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,64,0,0,0,0,0,0,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,64,0,0,0,0,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,255,255,255,255,128,64,128,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,128,0,128,128,128,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,128,128,64,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,64,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,170,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,57,141,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,86,0,0,0,29,226,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,114,0,0,0,198,255,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,114,86,198,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,255,170,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,198,255,141,114,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,29,0,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,114,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,226,86,198,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,141,198,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,148,148,227,200,148,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,99,252,252,253,252,252,252,226,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,169,252,252,252,253,245,82,47,232,250,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,252,252,252,216,82,0,0,70,227,224,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,252,252,182,59,18,0,0,0,0,148,252,170,0,0,0,0,0,0,0,0,0,0,0,0,4,183,253,254,253,245,148,25,0,0,0,0,0,43,253,232,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,252,156,0,0,0,0,0,29,231,231,0,0,0,0,0,0,0,0,0,0,0,0,180,252,252,253,252,252,252,252,0,0,0,0,0,0,190,231,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,253,252,252,252,252,27,0,0,0,0,0,190,231,0,0,0,0,0,0,0,0,0,0,0,0,188,252,252,253,252,252,252,252,106,0,0,0,0,36,242,231,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,254,204,106,106,229,255,168,0,0,0,0,191,170,0,0,0,0,0,0,0,0,0,0,0,0,6,133,239,253,168,0,0,211,253,89,0,0,0,32,237,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,159,0,0,106,109,5,0,0,0,139,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,63,0,0,0,0,0,0,0,0,218,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,107,0,0,0,0,0,0,0,132,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,183,4,0,0,0,0,0,55,236,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,252,142,28,0,0,0,52,232,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,239,188,128,206,242,247,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,120,221,252,252,253,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,68,147,191,147,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,7,7,7,31,130,130,130,130,130,234,254,254,254,254,254,133,0,0,0,0,0,0,0,0,137,136,202,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,245,253,253,253,253,253,253,253,249,235,235,235,195,111,118,239,253,253,253,235,0,0,0,0,0,0,0,0,57,228,228,155,180,149,105,105,82,0,0,0,0,0,106,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,239,253,253,240,104,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,137,238,253,253,238,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,166,253,253,253,215,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,253,253,253,211,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,234,253,253,253,164,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,234,253,253,235,91,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,234,253,253,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,161,253,253,253,235,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,163,253,253,253,168,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,164,253,253,253,169,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,166,253,253,240,160,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,253,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,173,253,253,240,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,242,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,141,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,138,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,191,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,64,128,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,191,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,64,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,128,255,255,255,128,128,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,64,255,255,191,64,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,255,255,255,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,64,128,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,84,0,0,0,0,0,0,4,29,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,247,65,19,107,170,169,169,169,179,252,224,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,19,140,252,253,233,168,168,168,168,196,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,250,231,252,151,78,22,0,0,0,0,10,128,250,75,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,209,76,0,0,0,0,0,0,0,0,114,254,84,0,0,0,0,0,0,0,0,0,0,0,0,110,252,234,28,0,0,0,0,0,0,0,0,19,194,234,28,0,0,0,0,0,0,0,0,0,0,0,0,159,252,187,0,0,0,0,0,0,0,0,0,123,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,113,0,0,0,0,0,0,0,0,101,246,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,76,250,229,10,0,0,0,0,0,26,154,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,196,82,57,32,57,95,243,253,214,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,216,252,252,252,229,252,252,252,156,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,139,190,203,252,164,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,135,217,255,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,186,235,253,254,253,251,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,99,249,253,253,252,214,105,83,188,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,165,254,253,254,222,92,14,8,196,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,225,74,0,0,45,253,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,170,39,0,0,67,240,253,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,253,253,188,109,85,165,228,253,253,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,253,253,253,253,253,253,253,253,240,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,254,253,254,253,253,254,253,253,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,104,198,204,184,65,198,253,253,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,219,253,237,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,216,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,177,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,146,234,254,255,121,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,161,249,253,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,242,253,248,176,139,154,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,226,171,7,0,0,154,253,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,62,0,0,0,108,251,233,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,11,144,249,241,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,235,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,172,250,233,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,246,253,236,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,232,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,16,39,163,244,213,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,208,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,143,0,0,0,0,23,188,251,229,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,252,252,152,141,141,148,250,253,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,151,253,253,253,253,253,253,228,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,196,253,216,145,123,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,255,215,178,214,114,178,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,252,247,247,230,253,253,196,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,188,120,36,36,105,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,238,253,253,176,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,217,253,253,207,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,166,254,253,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,220,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,246,253,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,253,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,253,253,220,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,134,253,253,255,197,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,208,252,252,252,252,253,252,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,233,252,252,252,252,252,159,198,252,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,187,39,110,0,73,201,252,186,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,203,252,252,93,0,0,0,0,69,242,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,67,252,222,24,0,0,0,0,0,185,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,212,0,0,0,0,0,0,68,244,207,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,212,0,0,0,0,0,0,0,200,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,200,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,200,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,213,0,0,0,0,0,0,0,201,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,200,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,200,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,246,121,0,0,0,0,0,26,216,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,225,0,0,0,0,0,116,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,203,252,231,23,0,0,0,20,221,252,241,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,127,0,0,17,119,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,188,252,247,160,91,199,252,252,195,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,252,252,253,252,252,198,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,196,252,253,195,119,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,96,196,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,181,232,197,231,239,254,228,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,251,197,114,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,136,69,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,86,0,0,11,58,117,83,116,116,117,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,69,26,143,216,254,254,254,254,254,254,241,143,26,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,153,222,254,223,151,68,0,0,34,119,223,254,221,26,0,0,0,0,0,0,0,0,0,0,0,0,231,254,254,242,140,13,0,0,0,0,0,0,13,144,254,156,5,0,0,0,0,0,0,0,0,0,0,0,231,254,245,68,0,0,0,0,0,0,0,0,0,5,197,254,65,0,0,0,0,0,0,0,0,0,0,0,231,254,94,0,0,0,0,0,0,0,0,0,0,0,51,254,148,0,0,0,0,0,0,0,0,0,0,0,207,214,26,0,0,0,0,0,0,0,0,0,0,0,0,196,221,13,0,0,0,0,0,0,0,0,0,0,13,13,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,53,0,0,0,0,0,0,162,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,185,170,32,0,0,0,0,0,0,162,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,195,0,0,0,0,0,0,0,0,162,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,245,115,21,0,0,0,0,0,34,213,245,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,214,254,229,125,24,24,24,66,216,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,254,254,254,255,254,254,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,121,121,247,253,253,218,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,198,241,252,252,253,252,252,252,252,249,219,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,252,252,252,202,159,158,158,158,233,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,172,81,39,39,19,0,0,0,0,88,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,241,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,252,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,178,252,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,180,252,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,185,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,190,252,252,139,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,190,255,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,185,252,253,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,185,229,252,202,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,116,221,252,243,165,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,196,252,252,206,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,197,252,238,170,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,164,0,0,0,0,22,41,41,41,41,41,41,41,41,38,0,0,0,0,0,0,0,0,0,13,241,252,252,179,160,160,160,160,208,253,252,252,252,252,252,252,252,247,76,0,0,0,0,0,0,0,0,121,252,252,252,252,252,252,252,252,252,253,252,252,252,241,238,238,240,251,113,0,0,0,0,0,0,0,0,57,245,252,252,252,252,252,252,174,119,120,119,119,119,25,0,0,13,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,220,253,244,143,143,190,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,115,253,252,252,252,252,200,243,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,253,252,170,162,206,10,140,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,250,252,169,44,2,1,8,0,131,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,252,228,0,0,0,0,0,20,236,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,225,45,0,0,0,0,20,193,248,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,231,92,0,0,0,0,21,198,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,208,0,0,0,60,154,248,252,131,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,241,153,78,140,233,252,246,104,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,252,252,253,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,255,253,210,133,34,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,252,252,252,253,252,252,252,252,154,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,137,249,252,252,252,197,153,153,248,252,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,252,251,163,39,10,5,0,0,10,83,214,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,98,0,0,0,0,0,0,0,13,172,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,252,21,0,0,0,0,62,89,89,172,252,244,22,0,0,0,0,0,0,0,0,0,0,0,0,92,251,252,214,124,122,155,231,232,246,252,252,252,205,178,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,252,252,252,252,252,253,252,252,252,199,22,43,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,252,252,252,252,252,252,243,175,132,66,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,195,252,252,247,142,190,142,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,85,211,254,254,155,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,253,253,228,218,218,234,202,85,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,248,126,25,0,0,37,145,253,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,196,0,0,0,0,0,3,78,229,176,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,235,248,21,0,0,0,0,0,0,0,125,253,149,0,0,0,0,0,0,0,0,0,0,0,15,131,225,211,241,142,0,0,0,0,0,0,0,0,6,141,244,31,0,0,0,0,0,0,0,0,0,0,149,253,216,73,239,72,0,0,0,0,0,0,0,0,0,66,253,150,1,0,0,0,0,0,0,0,0,2,163,248,59,40,237,11,0,0,0,0,0,0,0,0,0,29,224,253,28,0,0,0,0,0,0,0,0,93,253,200,0,0,158,4,0,0,0,0,0,0,0,0,0,0,201,253,135,0,0,0,0,0,0,0,0,164,253,200,0,0,119,0,0,0,0,0,0,0,0,0,0,0,119,253,190,0,0,0,0,0,0,0,0,254,253,200,0,0,28,0,0,0,0,0,0,0,0,0,0,0,84,253,135,0,0,0,0,0,0,0,0,255,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,234,0,0,0,0,0,0,0,0,254,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,201,0,0,0,0,0,0,0,0,138,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,253,135,0,0,0,0,0,0,0,0,68,253,231,38,0,0,0,0,0,0,0,0,0,0,0,42,224,253,242,64,0,0,0,0,0,0,0,0,7,188,253,154,9,0,0,0,0,0,0,0,0,3,117,223,253,238,69,0,0,0,0,0,0,0,0,0,0,60,202,253,155,38,0,0,0,0,0,55,66,184,253,253,176,48,0,0,0,0,0,0,0,0,0,0,0,0,11,140,238,231,198,84,84,84,120,245,253,253,205,94,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,155,253,253,253,253,253,161,93,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,73,17,17,17,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,59,134,217,254,235,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,88,65,95,215,217,253,253,253,254,236,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,254,253,253,253,192,116,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,40,23,229,253,247,229,192,191,117,117,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,158,124,155,94,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,175,92,40,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,253,254,253,253,221,157,99,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,98,135,196,195,195,227,254,255,208,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,76,163,253,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,232,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,141,254,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,88,17,0,0,0,14,73,207,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,241,175,176,175,229,253,253,254,209,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,253,253,254,253,253,247,176,95,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,58,238,253,178,200,126,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,163,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,198,0,0,0,20,213,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,125,0,0,0,23,232,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,104,0,0,0,0,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,51,0,0,0,0,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,216,5,0,0,0,0,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,0,0,0,0,0,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,215,169,0,0,0,0,0,199,157,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,232,242,218,218,218,158,137,246,144,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,160,160,160,160,185,255,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,209,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,230,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,223,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,88,76,113,114,159,253,253,253,255,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,246,243,252,253,252,252,252,252,253,252,252,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,214,252,252,252,253,233,239,252,252,253,252,208,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,84,84,84,65,203,252,252,253,195,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,178,252,252,252,190,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,240,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,240,253,252,252,249,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,223,162,84,199,252,252,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,192,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,23,10,0,0,0,0,0,0,0,0,0,169,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,126,227,161,0,0,0,0,0,0,0,0,0,169,252,63,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,237,50,0,0,0,0,0,0,0,120,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,75,243,252,252,237,85,57,0,0,0,38,131,246,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,208,252,252,253,233,197,197,197,222,252,252,214,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,84,84,237,252,252,252,252,253,252,230,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,112,142,252,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,128,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,64,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,191,128,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,64,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,227,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,221,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,210,254,254,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,187,254,186,181,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,235,254,186,9,139,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,91,254,249,113,13,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,141,254,254,107,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,254,229,34,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,115,238,245,124,15,0,0,0,0,0,139,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,13,145,254,248,88,0,0,0,0,0,0,0,130,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,220,51,0,0,0,0,0,0,0,0,47,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,230,162,162,128,70,70,70,70,70,104,254,187,70,57,0,0,0,0,0,0,0,0,0,0,0,30,157,207,221,254,254,254,254,254,254,254,254,254,254,254,254,233,25,0,0,0,0,0,0,0,0,0,0,0,0,0,13,46,88,138,138,138,138,138,138,159,254,254,206,122,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,203,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,189,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,102,241,254,217,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,27,254,254,191,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,254,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,254,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,245,254,184,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,247,254,237,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,216,254,236,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,178,254,149,125,163,163,163,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,209,254,254,254,254,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,235,254,254,254,254,247,244,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,251,171,55,59,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,215,254,254,221,101,0,0,22,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,228,32,0,0,10,232,254,149,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,173,112,0,33,135,203,254,255,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,228,183,104,140,233,254,254,246,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,254,254,254,243,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,247,254,254,189,115,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,146,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,254,236,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,228,254,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,137,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,255,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,166,254,224,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,255,254,169,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,254,254,246,168,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,249,254,254,254,254,254,246,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,246,101,142,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,254,254,143,0,56,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,242,39,0,140,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,131,0,29,232,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,143,5,171,254,254,216,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,254,121,117,254,254,222,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,254,245,249,254,176,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,172,223,208,216,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,226,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,170,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,226,86,0,0,0,170,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,0,57,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,198,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,29,0,0,0,0,0,0,86,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,0,0,0,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,0,0,0,0,0,0,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,29,0,0,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,226,255,255,255,141,114,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,86,0,86,141,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,57,0,0,0,86,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,114,0,0,0,86,255,198,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,0,0,0,141,255,226,0,198,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,0,57,226,255,141,0,0,86,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,255,226,57,0,0,0,0,170,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,198,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,209,242,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,119,119,119,119,27,0,0,0,168,254,255,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,234,254,254,254,254,245,243,243,243,251,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,162,39,19,19,121,228,254,254,254,254,189,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,166,4,0,0,0,0,19,190,254,219,25,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,88,0,0,0,0,0,52,246,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,243,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,254,175,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,255,239,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,241,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,241,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,242,254,206,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,243,254,244,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,244,254,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,250,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,115,229,254,254,244,120,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,225,248,209,124,82,166,251,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,214,254,180,47,0,0,0,0,205,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,246,99,4,0,0,0,0,0,205,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,246,85,0,0,0,0,0,0,0,205,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,221,162,0,0,0,0,0,0,29,195,246,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,152,8,0,0,0,0,23,166,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,188,101,90,148,204,239,254,254,95,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,244,254,254,254,254,254,254,233,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,82,90,37,8,129,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,233,244,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,224,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,255,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,249,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,196,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,54,115,110,152,212,254,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,212,254,254,254,254,254,254,254,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,254,254,220,137,184,184,184,156,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,254,248,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,237,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,240,254,254,230,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,250,254,254,254,254,253,201,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,193,146,146,216,245,254,193,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,242,254,190,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,245,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,255,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,235,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,254,251,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,109,16,0,4,25,178,250,254,181,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,174,157,214,254,254,252,171,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,254,254,254,254,254,181,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,196,176,200,176,121,60,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,254,255,193,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,241,253,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,207,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,253,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,241,253,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,220,253,196,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,199,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,10,44,132,132,184,253,255,184,116,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,68,226,227,252,252,252,252,253,252,252,231,59,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,252,252,252,252,253,252,252,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,40,221,252,252,252,252,229,231,204,207,252,252,252,252,228,32,0,0,0,0,0,0,0,0,0,0,0,0,145,252,252,252,171,72,38,41,0,70,252,252,252,252,200,14,0,0,0,0,0,0,0,0,0,0,0,0,145,252,204,94,14,0,0,0,93,253,252,252,252,235,128,0,0,0,0,0,0,0,0,0,0,0,0,0,145,223,16,0,0,0,0,37,222,253,252,252,236,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,31,0,0,0,0,0,109,252,253,252,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,247,253,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,251,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,172,47,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,252,252,135,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,175,252,252,252,174,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,84,181,252,252,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,252,252,252,110,0,0,0,0,0,0,0,0,0,0,0,28,113,56,0,0,0,0,0,4,73,147,204,252,252,252,252,143,0,0,0,0,0,0,0,0,0,0,0,95,252,241,170,85,130,205,205,208,252,252,252,252,252,252,220,96,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,252,252,252,252,253,252,252,252,252,252,220,39,0,0,0,0,0,0,0,0,0,0,0,0,21,164,252,252,252,252,252,252,253,252,252,252,174,52,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,166,252,252,252,136,11,69,29,51,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,97,170,253,201,139,138,55,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,47,193,253,252,252,231,252,253,252,252,135,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,172,252,252,215,110,69,37,69,79,183,234,252,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,134,45,21,0,0,0,0,0,0,142,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,137,25,0,0,0,0,0,0,0,0,70,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,203,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,202,253,152,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,249,185,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,193,252,210,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,255,249,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,236,252,228,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,252,101,70,70,70,70,70,70,70,70,70,70,70,70,44,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,227,102,0,0,0,0,0,0,0,0,0,0,5,22,117,137,137,158,252,210,137,137,137,137,137,32,23,22,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,62,154,6,0,0,0,0,0,0,0,0,96,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,16,221,253,63,0,0,0,0,0,0,0,0,218,252,212,28,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,0,0,89,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,212,0,0,0,0,0,0,0,11,219,255,239,62,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,97,0,0,0,0,0,0,0,64,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,252,0,0,0,6,22,128,171,127,202,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,182,0,0,32,155,252,253,252,226,252,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,215,252,59,107,185,232,252,252,147,103,138,252,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,253,255,253,253,225,124,0,0,189,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,253,252,122,21,0,0,100,247,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,214,47,2,0,0,0,190,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,236,145,0,0,0,0,0,29,232,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,94,31,0,0,0,0,0,0,87,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,173,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,255,172,130,104,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,241,243,253,253,225,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,199,248,253,130,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,247,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,200,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,179,59,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,131,231,253,240,245,253,180,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,182,57,65,200,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,241,107,18,0,0,26,228,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,53,0,0,0,0,0,217,227,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,245,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,205,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,224,219,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,86,0,0,63,248,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,225,33,28,211,253,63,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,158,157,212,221,100,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,217,162,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,240,178,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,100,253,253,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,210,92,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,239,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,212,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,253,219,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,253,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,132,0,0,0,48,173,254,254,230,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,12,67,163,254,253,253,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,233,218,253,253,254,227,154,249,253,238,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,169,253,253,253,253,234,59,8,0,78,246,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,130,12,0,0,0,5,185,234,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,211,253,253,179,12,0,0,0,100,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,253,253,187,123,122,165,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,253,255,253,253,253,152,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,85,200,253,254,253,223,70,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,177,192,143,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,222,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,236,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,190,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,222,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,151,192,153,116,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,198,245,254,254,254,254,224,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,139,250,254,254,254,254,254,254,254,216,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,184,171,130,85,234,254,254,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,225,56,4,0,51,147,250,254,254,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,204,10,0,62,137,207,254,254,254,254,167,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,246,224,224,250,254,254,254,254,254,250,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,254,254,254,254,254,230,228,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,255,252,251,161,124,25,61,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,99,52,41,0,0,0,146,254,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,171,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,121,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,194,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,186,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,186,15,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,132,190,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,221,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,37,37,18,0,157,252,252,190,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,121,5,175,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,242,252,252,121,25,252,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,217,29,59,252,252,206,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,243,252,252,34,5,181,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,252,252,252,11,13,252,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,210,34,1,59,206,252,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,215,252,252,41,0,58,190,247,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,36,116,253,255,253,253,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,252,159,242,252,253,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,252,252,253,252,252,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,252,252,252,252,207,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,158,209,252,252,226,77,41,252,226,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,100,76,34,0,132,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,228,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,149,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,210,174,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,247,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,33,164,112,4,0,0,0,1,128,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,59,0,0,0,15,252,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,252,59,0,0,0,60,252,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,252,59,0,0,0,164,252,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,252,59,0,0,0,164,252,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,113,250,252,252,252,127,90,0,22,195,252,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,3,142,252,252,252,252,252,252,194,120,252,252,252,252,228,12,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,252,252,252,253,252,252,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,154,149,149,255,253,253,253,253,241,70,0,0,0,0,0,0,0,0,0,0,0,0,0,29,44,175,192,113,3,0,0,106,241,252,252,252,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,239,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,244,252,252,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,106,138,151,163,163,164,229,209,255,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,249,254,254,254,254,214,200,199,199,170,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,133,254,51,36,36,11,0,0,0,3,192,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,18,0,0,0,0,0,0,21,238,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,12,0,0,0,0,0,0,110,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,255,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,242,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,255,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,251,237,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,248,231,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,230,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,117,141,192,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,252,253,252,187,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,252,168,187,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,52,0,57,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,253,106,0,0,51,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,114,0,0,0,0,0,0,0,4,29,19,13,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,252,38,0,0,0,0,38,95,169,179,252,224,206,101,0,0,0,0,0,0,0,0,0,0,0,29,252,252,164,0,0,0,0,111,234,252,252,253,252,252,252,247,153,0,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,51,241,252,252,252,241,139,139,240,253,246,100,0,0,0,0,0,0,0,0,0,141,253,253,140,0,0,0,226,254,247,137,13,0,0,0,101,242,253,253,28,0,0,0,0,0,0,0,0,66,252,252,165,0,0,0,225,253,121,0,0,0,0,0,0,116,252,252,53,0,0,0,0,0,0,0,0,7,187,252,252,89,0,0,225,253,190,57,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,69,252,252,175,38,0,75,253,252,243,125,0,0,0,0,29,252,252,40,0,0,0,0,0,0,0,0,0,0,126,250,254,253,165,41,41,134,113,63,0,19,29,128,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,125,228,252,252,252,253,234,169,169,169,225,252,252,253,240,158,9,0,0,0,0,0,0,0,0,0,0,0,0,44,168,196,252,253,252,252,252,253,252,252,252,206,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,28,91,139,139,190,241,139,139,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,102,220,255,254,254,254,205,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,185,239,254,254,254,254,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,128,237,254,254,254,254,245,170,150,63,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,254,254,197,85,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,254,204,67,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,191,254,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,242,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,234,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,225,254,93,0,0,42,102,139,98,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,226,177,226,244,254,254,254,238,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,254,254,254,254,246,244,253,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,140,225,254,254,179,95,19,0,172,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,12,54,18,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,245,246,245,245,251,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,212,254,254,254,254,254,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,126,243,254,225,159,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,126,0,0,0,0,0,0,0,18,211,160,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,168,0,0,0,0,0,0,22,200,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,116,0,0,0,0,0,0,64,253,251,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,254,63,0,0,0,0,0,6,155,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,237,37,0,0,0,0,0,66,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,219,254,151,0,0,0,0,0,0,128,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,27,0,0,0,0,0,0,207,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,128,48,22,16,0,0,88,252,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,253,254,253,253,232,169,127,233,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,147,148,183,253,253,253,254,253,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,107,176,254,255,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,246,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,248,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,253,248,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,211,253,237,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,245,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,193,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,243,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,246,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,186,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,200,121,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,156,253,222,228,218,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,70,0,48,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,250,120,0,0,137,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,236,189,6,0,0,207,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,255,57,0,0,0,207,255,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,179,233,18,0,0,0,207,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,141,0,0,0,31,230,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,246,45,0,0,0,156,254,238,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,172,0,0,0,10,230,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,143,0,0,5,180,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,142,0,18,176,243,141,239,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,223,142,233,239,80,32,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,145,190,121,52,0,32,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,199,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,116,239,255,224,143,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,189,252,252,253,252,252,169,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,252,252,252,253,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,199,252,252,252,185,73,212,252,252,250,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,252,252,243,163,36,119,226,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,252,252,122,27,208,253,252,252,252,194,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,194,87,209,252,253,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,252,252,252,253,193,226,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,226,252,252,252,252,252,195,20,209,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,241,252,252,252,252,252,63,0,209,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,220,235,201,77,0,0,0,210,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,0,0,0,0,0,209,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,245,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,240,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,190,51,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,24,34,138,55,24,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,47,162,161,161,236,252,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,7,91,184,240,252,253,252,252,252,252,253,208,215,183,246,199,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,252,252,245,160,128,45,45,46,17,21,0,230,249,75,0,0,0,0,0,0,0,0,0,0,0,253,252,252,157,85,21,0,0,0,0,0,0,0,0,230,253,196,0,0,0,0,0,0,0,0,0,0,0,127,135,0,0,0,0,0,0,0,0,0,0,0,0,231,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,192,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,152,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,162,253,253,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,140,161,203,161,161,120,47,110,219,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,234,252,252,253,252,252,252,252,253,252,252,101,6,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,252,253,252,252,252,252,253,252,252,173,51,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,210,32,33,158,252,252,252,253,252,252,252,242,168,42,0,0,0,0,0,0,0,0,0,0,0,128,253,253,211,138,255,253,253,245,178,64,116,199,249,253,255,232,138,36,0,0,0,0,0,0,0,0,0,24,252,252,252,252,253,252,187,58,0,0,0,0,118,206,207,214,252,219,140,0,0,0,0,0,0,0,0,17,227,252,252,221,173,69,19,0,0,0,0,0,0,0,0,13,69,69,37,0,0,0,0,0,0,0,0,0,50,185,218,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,94,218,255,254,180,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,100,209,253,253,221,188,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,193,69,19,17,219,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,245,253,133,7,0,0,46,253,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,163,103,14,0,0,0,216,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,248,218,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,195,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,246,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,203,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,232,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,69,250,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,235,249,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,196,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,154,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,106,246,189,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,253,249,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,152,173,172,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,253,252,253,252,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,233,102,20,0,0,193,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,70,0,0,0,0,71,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,254,71,0,0,0,0,214,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,232,82,0,0,0,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,234,51,0,0,0,41,92,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,232,183,20,41,243,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,234,253,254,253,72,233,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,233,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,213,30,91,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,123,0,0,203,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,212,0,0,41,243,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,255,151,11,51,173,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,232,213,252,253,212,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,255,253,255,233,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,192,111,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,92,114,139,222,222,222,88,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,62,158,253,253,253,253,253,212,221,253,183,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,160,226,253,253,253,253,253,146,3,17,187,253,205,12,0,0,0,0,0,0,0,0,0,0,0,2,93,228,253,253,253,253,159,79,27,5,0,0,11,102,253,93,0,0,0,0,0,0,0,0,0,0,2,130,253,251,214,253,250,181,21,0,0,0,0,0,0,33,253,253,0,0,0,0,0,0,0,0,0,0,126,253,253,123,132,253,237,0,0,0,0,0,0,0,0,8,196,253,0,0,0,0,0,0,0,0,10,173,251,251,122,3,163,253,85,0,0,0,0,0,0,0,0,3,183,253,0,0,0,0,0,0,0,0,169,253,227,76,0,35,253,198,8,0,0,0,0,0,0,0,0,33,253,253,0,0,0,0,0,0,0,0,254,253,101,0,0,80,253,167,0,0,0,0,0,0,0,0,0,33,253,214,0,0,0,0,0,0,0,0,254,253,32,0,0,11,253,167,0,0,0,0,0,0,0,0,0,98,253,136,0,0,0,0,0,0,0,0,254,253,32,0,0,11,253,167,0,0,0,0,0,0,0,0,69,252,253,37,0,0,0,0,0,0,0,0,254,253,120,0,0,11,253,167,0,0,0,0,0,0,0,26,207,253,154,7,0,0,0,0,0,0,0,0,181,246,249,179,55,4,161,167,0,0,0,0,0,11,39,212,242,152,3,0,0,0,0,0,0,0,0,0,0,137,245,253,253,181,223,226,74,66,105,173,173,204,253,237,66,0,0,0,0,0,0,0,0,0,0,0,0,0,40,168,253,253,253,253,253,253,253,253,253,253,198,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,102,113,113,113,113,113,113,88,5,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,122,190,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,248,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,126,252,136,167,234,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,244,221,8,132,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,208,38,0,132,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,132,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,92,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,166,166,197,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,143,234,254,254,254,251,242,195,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,242,236,254,254,254,254,254,240,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,187,127,40,65,158,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,130,12,0,0,40,208,254,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,230,254,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,121,229,254,254,254,254,155,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,201,254,254,254,254,254,254,254,250,133,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,223,254,254,254,254,254,254,254,254,254,254,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,239,184,121,121,131,210,210,254,254,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,100,30,0,0,0,0,0,1,73,251,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,238,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,233,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,18,0,0,0,0,0,0,2,155,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,235,64,0,0,0,0,49,177,254,254,254,246,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,206,183,41,41,88,172,247,254,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,254,254,254,254,254,254,247,96,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,158,254,254,254,254,254,254,213,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,132,248,254,243,165,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,189,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,189,253,235,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,254,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,180,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,232,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,185,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,241,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,221,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,233,23,0,0,0,10,80,149,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,255,113,0,0,0,56,254,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,63,0,0,105,254,253,247,204,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,63,0,12,241,254,247,93,64,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,63,0,109,253,245,47,0,128,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,63,0,167,253,40,0,30,241,228,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,255,197,0,168,254,0,0,53,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,245,81,109,253,55,24,207,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,244,104,229,251,227,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,241,253,243,254,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,164,248,219,95,30,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,134,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,222,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,216,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,155,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,255,254,202,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,105,231,254,253,253,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,17,72,126,247,235,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,154,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,249,253,213,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,221,253,212,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,118,227,253,232,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,255,254,211,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,231,254,253,253,212,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,17,17,186,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,200,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,234,253,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,218,253,246,160,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,138,234,254,248,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,97,97,135,236,252,244,187,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,184,238,213,129,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,148,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,0,0,0,0,0,25,180,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,87,0,0,0,0,0,134,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,224,19,0,0,0,0,3,211,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,137,0,0,0,0,0,100,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,104,0,0,0,0,4,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,230,19,0,0,0,0,78,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,186,0,0,0,0,0,111,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,153,0,0,0,0,0,203,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,88,0,0,0,0,32,238,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,74,0,0,0,0,97,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,113,0,0,5,145,231,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,124,0,67,192,88,188,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,242,188,38,0,211,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,144,70,3,0,23,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,225,239,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,167,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,251,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,237,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,249,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,237,57,25,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,255,237,211,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,155,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,165,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,189,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,204,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,178,245,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,201,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,249,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,249,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,250,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,244,254,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,220,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,211,254,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,242,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,34,34,34,48,144,144,153,182,144,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,204,253,253,253,254,253,253,253,253,253,217,158,18,0,0,0,0,0,0,0,0,0,0,0,0,106,210,244,253,253,253,253,254,253,253,245,154,154,202,210,157,0,0,0,0,0,0,0,0,0,0,0,153,253,253,253,253,240,183,134,107,10,10,10,0,0,5,6,7,0,0,0,0,0,0,0,0,0,0,68,238,253,253,253,149,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,252,253,253,120,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,163,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,224,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,254,254,254,221,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,101,239,253,253,253,220,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,192,253,253,253,230,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,238,253,254,217,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,246,254,253,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,45,93,79,198,255,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,239,253,253,253,253,254,253,223,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,143,147,253,253,253,254,224,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,255,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,127,200,237,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,251,253,253,188,160,25,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,189,193,226,253,253,253,241,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,253,209,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,253,253,253,253,118,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,164,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,220,253,253,253,253,253,242,231,231,231,189,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,52,221,253,253,253,253,253,253,253,253,253,253,202,177,177,79,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,178,253,253,140,141,253,253,253,253,253,245,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,215,20,30,30,3,3,30,30,179,253,253,252,224,83,0,0,0,0,0,0,0,0,0,34,218,253,253,253,115,0,0,0,0,0,0,0,169,253,253,253,180,66,0,0,0,0,0,0,0,0,0,0,200,253,253,253,115,0,0,0,0,0,0,0,169,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,69,253,253,253,233,12,0,0,0,0,0,98,241,253,253,246,22,0,0,0,0,0,0,0,0,0,0,0,17,185,253,253,253,22,8,8,8,8,84,242,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,253,253,253,253,253,253,253,253,253,253,227,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,162,229,253,253,253,253,253,253,220,217,199,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,99,118,173,99,99,99,39,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,238,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,225,253,252,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,88,234,252,253,201,164,71,195,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,252,162,9,0,0,16,153,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,240,252,236,112,0,0,0,0,140,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,228,47,0,0,0,0,0,79,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,223,52,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,253,136,0,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,7,178,252,253,27,0,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,190,12,0,0,0,0,0,0,0,0,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,79,0,0,0,0,0,0,0,0,0,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,0,0,0,0,0,0,0,0,0,126,253,176,6,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,0,0,0,0,0,0,0,0,23,227,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,236,0,0,0,0,0,0,0,0,123,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,189,0,0,0,0,0,0,0,0,169,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,0,0,0,0,0,0,38,144,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,48,0,0,0,0,85,219,252,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,229,150,57,150,197,253,252,239,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,180,252,253,252,252,252,252,240,176,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,253,252,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,109,233,232,109,171,170,149,109,110,109,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,155,252,252,252,252,253,252,252,252,253,252,227,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,236,215,215,236,253,252,252,252,253,252,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,16,190,62,0,0,62,108,108,108,108,253,252,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,212,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,255,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,247,252,252,222,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,206,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,159,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,242,252,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,252,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,171,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,252,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,255,253,253,170,110,109,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,98,190,253,231,231,252,253,252,227,217,73,52,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,242,252,252,253,190,62,71,72,113,221,252,253,231,72,0,0,0,0,0,0,0,0,0,0,0,1,84,252,252,231,190,253,252,71,0,0,0,16,108,253,252,215,1,0,0,0,0,0,0,0,0,0,32,211,252,205,20,0,0,253,220,41,0,0,0,0,0,62,237,252,169,0,0,0,0,0,0,0,0,0,115,252,210,20,0,0,0,35,25,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,217,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,217,215,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,0,0,0,0,0,0,0,0,171,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,191,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,241,77,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,21,212,252,215,0,0,0,0,0,0,0,0,0,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,255,253,133,0,0,0,0,0,0,0,0,0,0,0,99,253,255,222,41,0,0,0,0,0,0,0,0,0,128,252,226,31,0,0,0,0,0,0,0,0,0,105,242,252,253,55,0,0,0,0,0,0,0,0,0,0,94,247,252,108,0,0,0,0,0,0,0,21,182,242,252,231,154,10,0,0,0,0,0,0,0,0,0,0,0,134,252,190,0,0,0,0,0,0,105,206,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,128,94,63,110,150,253,253,255,222,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,221,252,252,247,237,253,252,252,252,35,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,133,215,221,252,237,215,195,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,38,84,141,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,119,155,249,249,250,251,253,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,52,169,243,243,243,253,254,254,254,254,254,254,254,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,254,254,254,254,187,121,52,19,19,123,254,254,181,0,0,0,0,0,0,0,0,0,0,0,0,12,83,156,106,25,25,25,18,0,0,0,0,40,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,255,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,255,193,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,252,255,244,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,191,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,41,167,253,253,253,253,255,242,132,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,252,252,252,231,228,228,229,242,252,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,243,124,96,14,0,0,0,67,221,252,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,220,98,0,0,0,0,0,0,0,30,236,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,0,0,0,0,0,0,0,0,9,189,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,203,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,206,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,252,212,32,0,0,30,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,247,78,0,12,84,237,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,228,0,64,198,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,250,253,246,193,233,252,252,193,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,214,252,253,252,252,252,232,133,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,252,238,132,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,253,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,194,69,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,77,77,137,190,255,254,254,248,165,165,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,200,252,254,254,254,254,239,191,159,191,214,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,254,212,165,116,116,28,21,0,0,0,94,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,49,7,0,0,0,0,0,0,0,22,204,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,223,254,182,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,72,242,253,147,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,220,254,224,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,111,227,250,254,254,254,221,252,217,102,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,196,195,195,195,195,237,254,249,218,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,120,120,59,1,0,0,0,0,22,31,140,234,249,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,183,240,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,233,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,191,240,0,0,0,0,0,0,0,0,0,0,0,78,166,0,0,0,0,0,0,0,0,0,0,0,0,64,254,217,0,0,0,0,0,0,0,0,0,0,0,228,167,0,0,0,0,0,0,0,0,0,0,15,73,231,248,88,0,0,0,0,0,0,0,0,0,0,0,228,211,9,0,0,0,0,0,0,0,15,101,194,254,233,80,0,0,0,0,0,0,0,0,0,0,0,0,115,254,207,82,27,27,48,117,117,123,223,254,254,179,85,0,0,0,0,0,0,0,0,0,0,0,0,0,12,149,246,254,254,254,254,254,254,254,254,216,97,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,141,164,164,196,164,164,133,163,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,197,255,253,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,168,253,251,253,251,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,254,253,254,253,254,253,198,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,84,83,139,251,253,251,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,224,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,224,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,254,253,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,224,253,251,253,251,0,0,0,0,0,0,57,168,169,168,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,114,0,0,0,0,0,85,197,254,253,226,56,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,57,168,57,168,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,198,197,254,253,254,253,254,253,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,251,253,251,253,251,253,251,253,251,196,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,253,254,253,254,253,169,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,83,253,251,253,251,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,164,219,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,169,254,254,217,201,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,134,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,249,252,99,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,209,254,254,244,224,98,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,244,231,231,246,254,254,117,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,55,0,0,60,122,225,254,160,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,198,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,145,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,250,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,84,84,45,84,183,250,254,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,238,254,254,254,197,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,84,211,254,254,210,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,130,119,95,127,165,111,66,86,85,50,4,66,8,0,0,0,0,0,0,0,0,0,0,0,0,0,221,249,247,247,254,252,234,234,234,238,247,246,222,254,224,189,121,39,0,0,0,0,0,0,0,0,0,0,180,97,49,49,80,70,0,0,0,16,49,119,80,146,179,233,254,191,62,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,193,254,250,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,59,169,254,239,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,41,179,250,232,179,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,97,184,254,254,224,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,70,234,254,211,137,16,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,184,200,254,248,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,202,254,254,199,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,254,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,183,254,254,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,238,254,254,158,26,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,213,254,254,254,237,135,49,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,196,122,160,228,254,247,228,104,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,71,164,164,164,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,57,0,85,28,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,169,224,225,168,253,196,225,168,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,255,253,255,253,255,253,254,253,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,170,168,169,168,169,168,169,168,169,168,85,253,254,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,251,253,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,254,253,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,251,253,251,196,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,197,254,253,254,253,226,168,0,0,29,85,85,85,85,197,254,139,0,0,0,0,0,0,0,0,0,0,197,251,253,251,253,251,225,168,169,168,197,251,253,251,253,251,253,138,0,0,0,0,0,0,0,0,86,253,254,253,254,253,254,253,254,253,254,253,254,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,85,251,253,251,253,251,253,251,253,251,253,251,253,251,253,251,196,83,0,0,0,0,0,0,0,0,0,0,57,225,254,253,254,253,254,253,254,253,169,168,169,168,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,84,83,84,83,84,83,84,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,68,144,207,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,147,253,253,254,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,253,253,166,44,44,135,236,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,230,87,2,0,0,0,70,26,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,209,0,0,0,0,0,205,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,218,253,123,0,0,0,0,35,247,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,243,9,0,0,0,37,222,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,242,0,0,0,89,224,253,253,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,246,31,24,78,226,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,230,253,234,231,253,254,147,120,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,237,254,254,240,97,0,101,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,77,77,44,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,191,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,145,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,186,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,0,0,0,0,0,155,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,0,0,0,0,17,219,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,219,0,0,0,0,105,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,158,254,54,0,0,0,6,228,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,254,213,15,0,0,0,115,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,186,218,255,254,244,212,110,110,169,245,254,251,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,254,254,254,254,254,254,254,254,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,254,244,155,64,77,155,155,194,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,241,106,0,0,0,0,0,117,254,204,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,69,0,0,0,0,0,40,242,240,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,227,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,165,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,232,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,177,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,147,253,253,243,243,246,249,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,134,253,241,107,0,0,70,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,204,253,201,29,0,0,0,65,251,128,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,135,253,212,42,0,0,0,0,0,224,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,135,253,232,22,0,0,0,0,116,229,251,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,232,19,0,0,0,0,0,214,253,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,129,0,0,0,0,0,49,236,253,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,211,95,6,0,57,136,232,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,253,253,250,249,252,253,253,253,240,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,151,248,248,248,150,108,138,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,182,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,253,241,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,231,254,232,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,176,230,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,255,254,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,50,213,237,219,182,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,240,40,30,6,199,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,225,68,0,0,11,217,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,244,78,0,0,0,95,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,211,0,0,0,0,118,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,128,0,0,0,28,217,216,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,127,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,184,40,3,0,171,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,253,253,199,120,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,231,254,254,254,255,163,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,24,69,153,253,254,253,226,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,205,241,253,241,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,83,24,211,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,177,0,0,101,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,133,0,0,79,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,148,0,0,79,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,31,37,169,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,242,243,253,112,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,133,254,207,88,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,192,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,179,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,177,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,249,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,217,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,255,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,182,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,248,254,175,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,173,255,254,190,174,108,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,247,177,148,148,148,165,243,254,132,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,53,0,0,0,0,0,33,130,242,225,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,0,0,61,240,174,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,237,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,4,0,0,0,0,0,0,192,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,182,245,99,0,0,0,0,0,119,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,203,182,244,65,0,0,0,0,194,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,227,173,16,15,216,210,27,0,0,0,194,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,215,17,0,0,105,254,126,0,0,18,244,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,235,58,0,0,0,5,172,247,61,0,114,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,167,0,0,0,0,0,42,245,146,3,203,209,19,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,86,0,0,0,0,0,0,144,253,123,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,32,0,0,0,0,0,0,19,210,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,42,0,0,0,0,0,0,0,168,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,232,152,0,0,0,0,0,0,67,251,254,222,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,226,47,0,0,0,10,100,230,194,94,238,154,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,247,152,149,149,217,254,146,14,0,108,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,110,200,254,219,173,63,2,0,0,0,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,249,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,248,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,227,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,144,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,250,169,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,233,222,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,201,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,241,252,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,163,212,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,179,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,237,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,180,218,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,221,211,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,194,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,193,152,92,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,213,252,253,252,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,253,254,253,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,233,252,253,171,91,91,71,151,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,233,82,0,0,0,0,0,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,50,0,0,0,41,51,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,233,30,0,41,82,243,253,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,102,0,72,151,152,253,254,253,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,102,0,152,151,233,171,50,172,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,123,0,21,102,102,20,0,203,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,243,40,0,0,0,0,21,223,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,112,0,0,0,82,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,232,142,142,203,243,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,223,254,253,254,253,254,213,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,151,232,151,151,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,219,255,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,110,15,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,73,73,218,217,242,252,253,222,237,217,156,10,0,0,0,0,0,0,0,0,0,0,37,37,37,37,181,242,252,252,253,252,252,252,237,215,241,252,253,56,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,191,108,108,108,62,0,98,252,253,97,0,0,0,0,0,0,0,0,0,0,191,252,252,252,205,143,143,62,0,0,0,0,0,0,37,252,253,35,0,0,0,0,0,0,0,0,0,0,15,35,35,35,20,0,0,0,0,0,0,0,0,105,222,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,222,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,253,231,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,191,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,221,253,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,255,253,253,253,255,253,253,253,110,109,109,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,253,252,252,252,253,252,252,252,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,71,217,215,215,215,217,215,215,215,217,215,112,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,71,144,103,227,255,254,255,155,146,192,146,146,146,146,73,38,1,0,0,0,0,0,0,0,0,0,0,146,253,253,253,253,253,221,253,253,253,253,253,253,253,253,253,253,171,23,0,0,0,0,0,0,0,0,0,81,139,139,139,106,32,19,32,32,102,139,139,69,32,193,249,253,253,126,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,210,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,250,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,251,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,226,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,206,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,67,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,252,215,0,0,0,27,120,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,221,252,253,210,92,0,0,1,181,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,149,252,252,144,0,0,0,0,134,252,252,144,20,0,0,0,0,0,0,0,0,0,0,0,0,0,1,232,252,252,210,20,0,0,0,135,247,241,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,252,252,246,92,0,0,0,21,253,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,252,132,0,0,0,21,206,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,149,191,255,253,253,253,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,252,252,253,252,252,252,253,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,252,252,226,215,217,247,252,252,253,252,180,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,189,108,31,0,0,217,252,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,191,192,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,108,15,180,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,128,0,73,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,168,0,73,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,0,135,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,231,252,218,247,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,252,246,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,67,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,166,209,209,196,114,235,230,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,247,252,252,252,253,186,9,126,243,204,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,184,252,252,243,116,88,103,145,0,0,165,252,244,46,0,0,0,0,0,0,0,0,0,0,0,0,35,150,252,252,210,88,0,0,0,0,0,0,36,171,252,243,52,0,0,0,0,0,0,0,0,0,0,8,202,252,252,244,78,0,0,0,0,0,0,0,0,46,242,252,155,16,0,0,0,0,0,0,0,0,0,176,252,252,243,45,0,0,0,0,0,0,0,0,0,0,145,252,252,100,0,0,0,0,0,0,0,0,11,199,252,246,89,0,0,0,0,0,0,0,0,0,0,0,12,252,252,142,0,0,0,0,0,0,0,0,129,252,252,182,0,0,0,0,0,0,0,0,0,0,0,0,2,166,252,142,0,0,0,0,0,0,0,0,255,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,191,0,0,0,0,0,0,0,0,253,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,3,180,252,142,0,0,0,0,0,0,0,0,210,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,142,0,0,0,0,0,0,0,0,86,252,252,237,56,0,0,0,0,0,0,0,0,0,0,56,185,252,252,132,0,0,0,0,0,0,0,0,12,178,252,252,233,79,5,0,0,0,0,0,0,29,128,234,252,252,178,12,0,0,0,0,0,0,0,0,0,15,180,252,252,252,150,89,89,50,89,89,131,227,252,252,248,145,14,0,0,0,0,0,0,0,0,0,0,0,52,238,252,252,252,252,252,243,253,252,252,252,252,244,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,123,208,229,252,252,252,253,252,216,103,99,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,66,66,66,66,66,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,195,254,254,255,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,191,253,253,253,253,253,240,158,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,134,237,253,253,236,191,204,253,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,86,0,24,113,132,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,129,246,253,253,176,34,1,0,0,0,36,253,250,135,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,163,85,0,0,0,0,0,36,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,113,246,253,253,168,14,0,0,0,0,0,0,36,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,242,87,0,0,0,0,0,0,0,36,253,253,156,0,0,0,0,0,0,0,0,0,0,0,45,222,253,248,97,0,0,0,0,0,0,0,0,36,253,253,156,0,0,0,0,0,0,0,0,0,0,0,123,253,253,130,0,0,0,0,0,0,0,0,0,97,253,247,103,0,0,0,0,0,0,0,0,0,0,0,237,253,253,130,0,0,0,0,0,0,0,0,0,211,253,235,0,0,0,0,0,0,0,0,0,0,0,44,241,253,241,94,0,0,0,0,0,0,0,0,128,252,253,235,0,0,0,0,0,0,0,0,0,0,0,158,253,253,209,0,0,0,0,0,0,0,0,32,203,253,253,131,0,0,0,0,0,0,0,0,0,0,0,158,253,253,209,0,0,0,0,0,0,0,0,53,253,253,229,48,0,0,0,0,0,0,0,0,0,0,0,158,253,253,209,0,0,0,0,0,0,0,0,144,253,234,67,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,209,0,0,0,0,0,24,85,211,249,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,229,59,0,48,115,115,205,253,253,253,193,24,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,253,253,224,193,218,253,253,253,253,242,199,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,253,253,253,253,189,156,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,175,253,253,253,253,126,78,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,174,196,202,133,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,148,253,253,253,253,249,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,222,233,253,254,244,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,36,37,199,254,253,241,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,88,6,0,135,227,253,240,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,236,253,253,24,0,0,46,226,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,134,5,0,0,0,47,225,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,253,36,0,0,0,0,0,66,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,36,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,36,0,0,0,0,0,49,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,36,0,0,0,0,0,113,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,36,0,0,0,0,4,178,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,36,0,0,0,0,37,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,253,36,0,0,0,5,136,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,36,0,0,0,112,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,253,71,0,0,45,228,253,239,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,235,19,82,232,253,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,221,252,254,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,253,253,253,254,122,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,190,242,253,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,164,254,254,224,35,0,0,0,0,0,71,125,125,0,0,0,0,0,0,0,0,0,0,0,0,46,232,252,253,253,253,226,38,0,0,0,0,80,251,253,253,0,0,0,0,0,0,0,0,0,0,0,157,246,253,253,253,253,253,137,0,0,0,15,192,248,253,253,253,0,0,0,0,0,0,0,0,0,49,229,252,253,253,253,253,170,116,5,0,0,91,237,253,253,253,250,82,0,0,0,0,0,0,0,0,0,168,253,253,253,253,170,48,5,0,0,21,189,245,253,253,253,248,85,0,0,0,0,0,0,0,0,0,156,253,253,253,218,115,5,0,0,0,99,228,253,253,253,244,152,30,0,0,0,0,0,0,0,0,0,0,254,253,253,253,45,0,0,0,25,186,244,253,253,240,168,84,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,66,0,27,119,221,253,253,253,199,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,253,233,202,219,253,253,253,237,154,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,215,253,253,253,253,253,253,253,253,240,182,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,220,253,253,253,253,253,253,253,253,240,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,207,253,253,253,253,253,253,253,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,214,101,78,190,253,253,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,253,253,38,0,0,66,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,253,253,253,177,14,0,10,157,253,253,224,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,122,27,67,184,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,253,253,253,253,253,253,253,253,253,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,253,253,250,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,249,253,253,253,253,248,146,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,123,170,253,145,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,77,137,192,137,137,37,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,254,254,254,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,254,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,217,65,65,65,101,243,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,85,0,0,0,0,118,254,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,249,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,61,237,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,232,254,255,175,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,89,233,254,254,145,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,255,145,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,206,254,254,253,167,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,232,254,254,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,228,254,254,232,144,84,84,84,84,84,84,84,84,45,84,18,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,254,254,254,254,254,254,254,254,254,254,238,228,88,0,0,0,0,0,0,0,0,0,0,0,0,4,106,233,254,254,254,254,227,135,135,83,17,17,17,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,160,253,255,253,169,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,252,252,253,252,252,219,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,227,183,184,183,234,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,227,50,0,0,0,65,236,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,231,48,0,0,0,0,0,103,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,212,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,212,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,152,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,199,248,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,192,63,0,0,0,0,0,0,5,24,24,24,24,24,17,0,22,0,0,0,0,0,0,0,0,36,219,252,45,0,0,30,47,89,161,162,178,252,252,252,253,252,227,161,244,0,0,0,0,0,0,0,0,138,252,252,144,184,185,228,252,252,252,253,252,252,252,252,253,252,252,252,168,0,0,0,0,0,0,0,0,233,252,252,252,252,253,252,252,252,252,253,235,108,160,160,161,139,45,98,25,0,0,0,0,0,0,0,0,253,252,252,252,200,137,137,54,22,22,23,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,59,59,201,216,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,118,254,253,209,191,253,222,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,180,253,205,92,24,12,212,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,167,240,216,79,8,0,0,0,142,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,154,27,0,0,91,195,142,120,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,209,241,68,0,32,134,217,254,254,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,243,253,147,125,214,235,253,174,152,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,254,253,228,159,78,0,147,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,221,213,192,71,13,0,0,47,235,195,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,0,0,0,0,231,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,207,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,228,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,252,196,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,214,252,252,253,241,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,182,230,244,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,218,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,192,252,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,246,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,225,252,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,220,253,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,225,253,255,201,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,252,252,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,221,252,252,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,246,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,234,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,104,39,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,246,240,251,231,231,222,98,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,219,252,252,252,252,253,252,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,212,252,252,252,253,252,252,252,235,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,100,109,33,81,33,124,200,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,91,181,254,255,201,91,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,17,38,216,253,253,253,253,253,253,225,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,232,146,174,253,253,253,253,239,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,237,253,227,140,46,0,15,56,110,242,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,245,129,29,0,0,0,0,0,0,172,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,190,0,0,0,0,0,0,0,17,188,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,253,253,230,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,216,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,250,107,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,172,246,253,250,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,243,253,253,238,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,182,253,253,223,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,160,0,0,2,42,42,42,174,205,205,205,205,99,0,0,0,0,0,0,0,0,0,0,0,197,253,253,180,12,0,128,135,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,94,246,253,253,236,222,222,252,253,253,253,253,253,253,202,195,195,89,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,253,253,253,253,238,106,106,106,13,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,253,253,253,207,179,173,15,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,217,173,227,162,89,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,156,254,255,205,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,238,127,152,252,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,250,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,243,31,0,0,5,42,105,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,134,254,118,97,127,206,254,247,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,77,242,254,254,254,254,254,237,149,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,220,236,254,221,66,54,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,91,0,122,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,218,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,247,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,250,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,221,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,80,159,195,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,186,232,250,238,254,220,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,251,254,192,135,28,156,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,110,253,181,22,2,0,0,56,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,109,253,132,2,0,0,0,0,0,33,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,133,0,0,0,0,0,0,0,141,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,127,2,0,0,0,0,0,0,91,246,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,218,182,2,0,0,0,0,0,0,12,208,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,247,78,0,0,0,0,0,0,0,137,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,139,0,0,0,0,0,0,0,97,252,213,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,139,0,0,0,0,0,7,110,233,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,247,115,0,0,0,74,191,254,225,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,248,248,200,156,207,254,219,117,141,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,218,254,254,245,135,10,0,140,250,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,80,0,0,0,0,167,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,239,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,216,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,104,141,241,255,253,253,253,141,141,53,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,157,216,252,252,252,253,252,252,252,253,252,252,215,51,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,233,168,68,56,56,56,106,178,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,151,246,252,128,22,0,0,0,0,0,0,4,28,65,190,250,125,0,0,0,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,254,253,56,0,0,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,76,253,252,56,0,0,0,0,0,0,0,0,0,19,224,252,177,0,0,0,0,0,0,0,0,0,0,0,150,253,233,37,0,0,0,0,0,0,0,0,0,0,119,252,252,51,0,0,0,0,0,0,0,0,0,76,249,253,96,0,0,0,0,0,0,0,0,0,0,0,26,223,253,176,0,0,0,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,244,94,13,0,0,0,0,0,7,131,234,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,19,143,253,252,209,97,85,85,85,85,104,252,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,103,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,150,225,114,138,225,225,214,144,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,51,0,45,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,247,197,240,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,203,177,103,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,71,13,13,13,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,36,145,218,253,253,253,253,253,253,140,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,246,217,217,217,217,233,253,254,198,83,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,214,84,68,0,0,0,0,37,84,208,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,109,0,0,0,0,0,0,0,0,4,147,253,240,52,0,0,0,0,0,0,0,0,0,0,0,0,0,60,26,0,0,0,0,0,0,0,0,0,6,180,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,249,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,232,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,254,232,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,204,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,208,253,29,0,0,0,0,0,0,0,88,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,0,0,0,0,0,66,86,131,229,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,155,109,218,218,218,245,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,191,253,254,253,253,253,253,222,144,144,191,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,70,132,132,132,132,46,8,0,0,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,127,246,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,20,111,192,215,247,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,176,241,253,253,253,254,253,253,192,253,236,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,248,254,234,213,161,117,57,19,19,41,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,80,58,31,0,0,0,0,0,0,40,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,199,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,231,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,232,216,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,185,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,193,193,254,253,132,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,253,232,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,253,254,253,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,252,131,50,151,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,244,122,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,172,62,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,254,253,234,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,253,252,253,252,223,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,102,102,142,254,213,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,92,0,0,0,41,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,151,0,0,123,243,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,132,253,255,253,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,253,252,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,255,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,192,151,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,234,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,237,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,196,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,241,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,194,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,121,121,121,122,248,134,121,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,108,213,244,253,253,253,253,254,253,253,253,250,190,0,0,0,0,0,0,0,0,0,0,0,0,0,217,237,253,253,253,253,253,253,203,160,159,159,189,253,248,191,0,0,0,0,0,0,0,0,0,0,0,0,164,173,173,137,39,39,39,39,19,0,0,0,13,209,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,242,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,54,174,243,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,41,142,253,253,240,213,114,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,165,253,254,253,229,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,254,253,158,106,14,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,254,253,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,134,242,254,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,55,146,225,251,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,250,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,186,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,57,0,0,0,0,0,0,0,0,15,195,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,15,167,213,0,0,0,0,0,0,0,15,167,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,213,0,0,0,0,0,37,83,195,253,253,249,90,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,217,27,27,98,98,84,244,253,253,253,249,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,177,128,248,253,253,255,253,253,249,240,140,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,255,196,120,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,203,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,213,0,0,31,233,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,171,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,123,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,130,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,123,0,0,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,130,0,0,0,0,0,0,51,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,82,0,0,0,0,0,0,0,113,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,233,70,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,142,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,203,102,102,102,102,102,163,203,203,203,233,252,243,203,103,102,103,61,0,0,0,0,0,0,0,0,82,203,234,213,254,253,254,253,244,203,203,203,254,233,163,203,214,253,255,233,0,0,0,0,0,0,0,0,0,0,30,10,50,50,50,50,40,0,0,0,253,151,0,0,10,50,112,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,190,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,114,240,241,245,252,248,204,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,252,252,253,252,252,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,178,252,252,209,110,39,39,177,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,211,252,195,53,25,0,0,0,81,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,252,215,73,0,0,0,0,0,81,252,238,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,215,25,0,0,0,0,0,0,81,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,198,0,0,0,0,0,0,144,189,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,198,0,0,0,0,14,70,241,252,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,198,0,0,78,133,253,252,252,252,252,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,253,253,253,253,253,255,253,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,224,252,252,252,252,146,90,228,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,26,26,26,26,0,145,249,252,192,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,252,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,125,253,252,154,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,252,253,235,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,158,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,246,252,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,190,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,37,0,0,0,0,0,0,189,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,218,12,0,0,0,0,14,231,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,254,202,15,0,0,0,0,22,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,201,49,0,0,0,0,0,103,254,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,201,20,0,0,0,0,0,0,109,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,239,201,50,0,0,0,0,0,0,0,157,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,16,235,254,109,53,53,82,97,67,53,53,120,227,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,254,254,254,254,254,254,231,207,137,150,254,245,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,39,39,39,39,39,39,20,0,0,113,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,245,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,222,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,234,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,236,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,244,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,255,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,135,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,128,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,63,152,236,228,144,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,86,162,126,143,224,254,254,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,254,254,254,254,254,254,254,254,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,254,254,254,254,246,101,48,167,254,255,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,254,254,254,241,8,0,39,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,118,135,72,191,254,254,254,176,7,148,254,208,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,136,252,254,254,193,233,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,254,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,254,254,254,186,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,254,227,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,190,254,254,254,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,239,254,254,152,254,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,254,175,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,254,254,248,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,240,254,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,238,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,42,133,133,133,24,1,13,82,151,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,253,253,253,253,150,254,253,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,241,217,217,217,254,253,213,96,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,239,79,0,0,0,85,84,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,230,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,236,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,235,253,152,0,0,0,0,41,86,85,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,141,132,218,218,218,235,254,253,248,218,218,183,65,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,253,253,254,253,253,253,253,253,246,85,0,0,0,0,0,0,0,0,0,0,0,88,253,253,253,253,155,132,81,11,11,11,11,35,132,225,253,203,12,0,0,0,0,0,0,0,0,0,0,0,76,122,122,29,0,0,0,0,0,0,0,0,0,74,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,174,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,97,236,253,253,87,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,98,98,56,93,104,218,240,253,253,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,253,253,243,252,254,253,253,232,116,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,231,253,253,253,254,184,115,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,203,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,255,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,39,0,0,0,0,0,0,43,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,248,222,18,0,0,0,0,64,204,244,253,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,195,0,0,0,0,61,207,253,177,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,196,0,0,0,23,217,249,98,40,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,195,0,0,0,142,254,106,0,40,253,249,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,13,213,213,12,0,70,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,55,253,195,0,13,192,253,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,195,0,0,174,253,195,0,79,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,196,0,0,235,254,99,35,224,244,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,222,18,0,226,253,230,232,247,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,212,254,136,0,69,253,254,247,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,251,234,237,253,207,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,200,253,200,118,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,255,198,101,101,101,101,180,207,194,101,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,253,253,253,253,253,253,253,253,253,253,206,98,26,0,0,0,0,0,0,0,0,0,0,0,0,0,43,223,253,253,253,253,253,253,253,253,253,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,96,10,30,160,160,160,160,160,225,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,244,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,194,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,192,253,253,202,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,192,253,253,246,101,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,253,253,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,253,253,140,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,191,253,253,244,183,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,119,0,0,0,0,0,11,16,54,170,169,166,61,0,0,0,0,0,0,0,0,0,0,0,93,253,253,214,37,0,0,0,0,32,208,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,224,253,219,34,0,0,19,76,216,226,253,253,253,213,191,34,0,0,0,0,0,0,0,0,0,0,0,94,251,253,119,6,6,8,176,253,253,253,253,249,114,33,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,253,204,214,253,253,253,253,223,145,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,253,253,253,215,124,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,123,253,253,253,253,113,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,97,170,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,130,161,203,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,228,252,252,252,253,240,234,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,197,253,252,252,252,252,203,131,33,88,244,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,252,252,200,63,0,0,85,250,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,253,215,210,21,0,0,0,155,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,186,194,183,0,0,0,0,13,215,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,237,186,130,0,0,0,13,172,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,252,240,113,93,104,215,252,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,75,253,252,252,252,252,253,252,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,253,255,253,253,243,253,244,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,210,207,227,123,50,238,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,153,6,0,84,0,0,199,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,195,9,0,0,0,0,0,210,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,79,0,0,0,0,0,95,240,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,131,0,0,0,0,7,212,253,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,227,161,57,47,68,186,252,252,239,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,252,252,252,253,252,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,252,252,252,210,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,54,179,252,253,231,137,96,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,216,141,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,253,196,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,253,252,234,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,53,139,139,203,252,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,197,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,241,252,252,252,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,141,154,253,253,253,255,253,253,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,253,252,252,252,253,252,252,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,177,103,28,40,215,252,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,243,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,117,191,255,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,45,57,57,82,169,169,179,252,252,252,253,252,233,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,205,253,252,252,252,253,252,252,252,253,170,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,153,227,177,252,190,139,177,202,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,10,10,45,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,254,216,169,114,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,143,47,124,140,243,238,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,72,0,0,0,0,120,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,254,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,10,3,0,115,243,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,188,169,248,254,254,134,0,0,0,0,0,0,0,0,0,17,145,20,0,0,0,0,0,0,0,0,254,254,254,254,254,254,254,243,225,141,142,141,141,79,48,90,141,236,254,205,0,0,0,0,0,0,0,0,130,252,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,247,0,0,0,0,0,0,0,0,0,116,200,106,75,75,107,169,178,254,255,254,254,254,254,254,254,254,135,47,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,1,9,104,103,103,103,103,96,41,47,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,151,254,254,197,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,253,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,249,253,251,131,131,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,248,253,207,49,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,248,253,110,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,169,9,0,0,0,0,0,0,0,31,66,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,238,29,0,0,0,0,0,0,7,93,246,219,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,130,135,106,106,45,18,73,171,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,237,253,249,247,250,253,254,253,253,248,183,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,78,43,27,184,253,254,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,230,254,255,226,254,205,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,227,253,228,96,8,98,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,251,65,0,0,5,229,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,248,243,79,0,0,0,0,197,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,190,0,0,0,0,0,227,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,160,0,0,0,0,51,248,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,243,32,0,0,0,101,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,228,209,132,106,129,228,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,223,253,254,253,253,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,254,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,212,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,240,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,219,13,0,0,0,151,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,170,254,124,0,0,0,30,237,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,166,253,124,2,0,0,0,147,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,253,168,0,0,0,0,0,230,234,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,170,253,135,19,0,0,0,0,51,247,196,0,34,0,0,0,0,0,0,0,0,0,0,0,0,0,41,229,255,186,70,70,128,144,145,161,187,254,203,70,187,56,0,0,0,0,0,0,0,0,0,0,0,0,199,253,254,253,232,173,115,148,123,223,254,227,115,115,56,2,0,0,0,0,0,0,0,0,0,0,0,0,80,71,46,46,25,0,0,0,0,101,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,232,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,112,160,161,195,122,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,132,239,235,216,217,221,254,234,171,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,132,254,188,43,0,0,9,63,231,210,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,169,3,0,0,0,0,0,117,216,240,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,243,34,0,0,0,0,0,0,94,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,116,0,0,0,0,0,0,22,238,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,238,31,0,0,0,0,0,90,237,254,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,8,235,206,0,0,0,7,36,141,244,199,254,254,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,105,57,140,186,229,166,77,20,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,236,254,197,114,41,0,0,138,254,236,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,213,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,251,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,234,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,248,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,221,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,159,159,195,130,100,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,145,249,254,254,254,254,254,241,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,236,254,254,225,72,67,160,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,254,155,3,0,0,2,214,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,240,254,229,23,0,0,0,0,91,250,254,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,242,254,201,0,0,0,0,0,0,202,254,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,233,25,0,0,0,0,0,202,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,94,0,0,0,0,20,226,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,231,254,249,112,36,42,178,191,254,173,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,127,246,254,247,247,254,254,245,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,48,103,192,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,242,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,244,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,237,225,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,128,192,122,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,192,253,254,253,238,65,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,103,220,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,205,90,0,25,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,253,173,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,238,253,175,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,161,252,254,179,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,172,253,253,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,232,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,212,157,95,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,244,253,253,253,254,205,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,72,182,193,254,253,243,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,238,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,188,120,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,163,22,1,0,0,13,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,254,254,254,164,136,189,237,224,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,181,254,254,254,254,254,254,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,97,154,133,157,126,161,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,206,254,216,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,231,254,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,236,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,251,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,250,255,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,250,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,174,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,111,180,254,138,134,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,112,228,253,253,253,253,254,231,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,182,253,253,253,239,217,252,254,253,194,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,196,52,0,138,254,253,253,174,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,253,253,236,71,0,0,0,130,84,230,253,236,72,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,88,0,0,0,0,0,0,65,253,253,236,72,0,0,0,0,0,0,0,0,0,0,0,5,181,253,253,204,12,0,0,0,0,0,0,7,144,253,253,197,53,0,0,0,0,0,0,0,0,0,0,13,253,253,253,89,0,0,0,0,0,0,0,0,49,253,253,253,240,20,0,0,0,0,0,0,0,0,0,13,253,253,232,41,0,0,0,0,0,0,0,0,5,111,228,253,253,180,5,0,0,0,0,0,0,0,0,128,253,253,205,0,0,0,0,0,0,0,0,0,0,0,44,231,253,253,128,0,0,0,0,0,0,0,0,192,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,132,0,0,0,0,0,0,0,0,133,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,132,0,0,0,0,0,0,0,0,133,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,132,0,0,0,0,0,0,0,0,133,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,132,0,0,0,0,0,0,0,0,47,253,253,216,18,0,0,0,0,0,0,0,0,0,0,18,183,253,253,104,0,0,0,0,0,0,0,0,13,253,253,253,211,81,0,0,0,0,0,0,0,0,53,182,253,253,222,8,0,0,0,0,0,0,0,0,3,118,221,253,253,240,165,86,8,0,0,49,86,166,240,253,253,253,46,0,0,0,0,0,0,0,0,0,0,0,98,175,253,253,253,253,221,218,219,238,253,253,253,253,221,53,4,0,0,0,0,0,0,0,0,0,0,0,0,5,111,228,253,253,253,253,254,253,253,253,175,110,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,52,132,242,253,249,132,132,52,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,74,31,52,80,3,47,128,182,169,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,203,198,253,249,220,254,246,250,254,254,229,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,254,254,254,254,254,255,254,254,254,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,228,254,248,195,146,170,114,114,114,179,254,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,111,31,0,0,0,0,0,11,233,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,243,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,247,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,232,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,90,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,249,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,105,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,22,131,192,107,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,155,254,254,254,254,254,226,137,137,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,254,254,254,254,254,254,254,254,219,101,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,154,254,254,254,254,254,254,254,254,254,254,254,216,30,0,0,0,0,0,0,0,0,0,0,0,0,0,11,241,254,254,250,223,223,223,223,232,254,254,254,254,216,15,0,0,0,0,0,0,0,0,0,0,0,0,0,62,217,202,79,0,0,0,0,25,93,193,248,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,254,166,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,255,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,226,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,245,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,254,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,254,254,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,254,254,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,173,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,166,115,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,34,87,163,172,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,194,253,253,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,228,253,253,253,253,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,238,249,192,117,78,121,237,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,69,0,0,0,0,221,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,203,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,224,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,237,253,143,0,0,0,0,0,118,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,247,34,0,0,0,12,120,251,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,176,0,0,0,22,207,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,137,0,51,166,220,253,253,222,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,233,253,238,232,245,253,253,233,131,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,253,253,255,253,217,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,253,244,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,191,143,47,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,174,253,254,174,139,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,221,252,252,253,252,252,210,173,85,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,242,252,252,253,252,252,252,252,253,158,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,128,84,84,84,84,84,84,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,106,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,96,253,254,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,253,87,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,253,252,210,126,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,68,147,253,252,252,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,115,211,247,255,138,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,225,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,211,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,48,0,0,0,0,48,218,253,255,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,247,163,85,86,164,247,252,252,253,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,251,252,252,253,252,252,252,252,214,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,231,252,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,253,252,244,121,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,234,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,223,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,203,243,254,253,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,71,192,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,254,253,254,172,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,224,81,0,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,20,0,0,0,0,0,62,183,243,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,255,253,52,51,52,51,153,193,254,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,253,252,253,252,253,252,253,252,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,253,254,253,254,213,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,151,192,253,130,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,96,1,0,0,32,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,198,254,43,0,0,40,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,221,26,0,0,121,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,139,0,0,0,182,254,101,0,0,18,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,251,58,0,0,13,222,254,72,0,0,141,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,250,47,0,0,45,254,254,71,0,84,196,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,158,0,0,45,254,254,72,105,239,244,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,234,239,128,25,45,254,254,223,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,248,254,240,206,254,254,254,254,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,128,246,254,254,254,216,71,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,115,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,231,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,227,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,191,128,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,128,0,191,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,64,255,255,255,255,255,64,0,0,0,0,0,0,0,0,128,255,255,255,255,64,0,0,0,0,64,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,128,128,191,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,118,118,252,254,255,254,240,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,236,253,253,253,219,157,157,220,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,249,177,43,26,0,0,91,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,61,58,0,0,0,0,11,184,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,151,253,248,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,234,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,240,253,228,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,111,250,253,223,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,90,173,253,253,253,134,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,216,253,253,253,186,184,240,244,206,128,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,243,205,197,68,2,0,56,68,157,232,220,129,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,70,0,0,0,0,0,0,0,0,55,239,253,131,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,221,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,222,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,249,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,81,0,0,0,0,0,0,2,129,250,253,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,111,42,42,5,12,42,131,181,253,253,172,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,243,253,168,184,253,253,241,165,96,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,116,239,253,253,163,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,187,254,254,254,229,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,247,254,210,131,148,254,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,166,253,202,80,4,0,0,46,218,224,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,202,19,0,0,0,0,0,30,236,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,241,67,0,0,0,0,0,0,0,208,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,156,0,0,0,0,0,0,0,60,249,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,0,214,253,244,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,115,0,0,0,0,0,0,85,247,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,115,0,0,0,0,7,136,254,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,224,42,0,13,114,232,253,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,253,232,207,221,253,253,253,254,232,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,203,253,253,254,236,135,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,93,68,0,49,254,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,190,253,216,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,136,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,253,234,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,236,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,117,141,204,253,216,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,120,225,252,252,253,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,123,246,253,252,252,177,168,168,196,252,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,194,252,252,241,139,52,3,0,0,85,252,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,178,51,0,0,0,0,45,229,253,255,184,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,208,22,0,0,0,0,120,225,252,252,209,28,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,208,13,0,0,0,29,185,253,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,241,59,0,0,0,101,234,252,253,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,163,0,23,128,204,253,253,253,254,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,207,169,234,252,253,252,252,252,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,253,252,252,252,244,142,171,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,240,253,227,139,40,25,26,210,252,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,234,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,178,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,64,0,0,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,191,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,128,128,128,128,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,64,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,219,195,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,135,103,1,0,0,0,0,0,1,176,254,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,21,0,0,0,0,0,28,254,254,235,31,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,254,254,21,0,0,0,0,0,28,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,2,135,254,252,77,3,0,0,0,0,0,129,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,185,0,0,0,0,0,0,19,247,254,235,4,0,0,0,0,0,0,0,0,0,0,0,0,2,187,254,246,23,0,0,0,0,0,0,99,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,183,0,0,0,0,0,0,4,201,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,17,230,254,254,76,55,13,0,12,55,55,148,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,14,187,254,254,254,254,254,213,201,213,254,254,254,254,254,163,9,0,0,0,0,0,0,0,0,0,0,0,39,254,254,254,254,254,254,254,254,250,241,254,254,254,229,5,0,0,0,0,0,0,0,0,0,0,0,0,30,238,253,176,122,98,87,87,87,68,32,244,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,47,0,0,0,0,0,0,0,36,245,254,175,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,238,254,239,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,239,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,231,255,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,249,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,203,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,245,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,200,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,202,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,232,253,239,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,200,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,199,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,247,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,208,211,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,242,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,246,254,254,95,67,61,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,128,254,254,154,77,254,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,240,254,254,124,27,13,202,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,241,254,254,215,4,0,0,88,254,236,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,187,254,254,214,27,0,0,0,8,208,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,254,254,123,7,0,0,0,0,0,202,254,17,0,0,0,0,0,0,0,0,0,0,0,0,0,11,245,254,251,203,26,0,0,0,0,0,0,202,254,17,0,0,0,0,0,0,0,0,0,0,0,0,15,131,254,254,193,0,0,0,0,0,0,0,0,202,254,17,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,238,29,0,0,0,0,0,0,0,46,239,231,13,0,0,0,0,0,0,0,0,0,0,0,92,244,254,253,106,0,0,0,0,0,0,0,0,102,254,153,0,0,0,0,0,0,0,0,0,0,0,21,214,254,254,105,0,0,0,0,0,0,0,0,41,243,254,54,0,0,0,0,0,0,0,0,0,0,16,143,254,254,207,6,0,0,0,0,0,0,0,0,156,254,217,20,0,0,0,0,0,0,0,0,0,1,46,254,254,209,17,0,0,0,0,0,0,0,1,151,253,251,53,0,0,0,0,0,0,0,0,0,0,88,254,254,254,97,0,0,0,0,0,0,0,14,151,255,249,112,0,0,0,0,0,0,0,0,0,0,0,137,254,254,130,17,0,0,0,0,0,0,85,205,254,227,113,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,65,0,0,63,29,42,66,157,243,254,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,215,202,202,252,225,235,254,254,254,178,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,254,254,254,254,254,254,224,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,106,254,254,254,254,254,254,235,135,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,209,254,225,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,253,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,198,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,254,253,253,198,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,153,254,253,198,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,254,200,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,249,253,245,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,232,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,201,11,0,70,122,122,122,156,202,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,226,254,254,82,6,198,254,254,254,254,254,254,208,13,0,0,0,0,0,0,0,0,0,0,0,0,28,223,253,253,186,21,192,254,253,238,206,195,236,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,241,31,110,253,254,221,37,0,0,91,253,253,24,0,0,0,0,0,0,0,0,0,0,0,25,226,253,253,145,0,190,253,252,88,0,0,64,234,253,165,8,0,0,0,0,0,0,0,0,0,0,0,66,253,253,201,14,0,230,253,213,0,0,64,233,253,233,27,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,146,0,0,230,253,122,42,91,234,253,198,40,0,0,0,0,0,0,0,0,0,0,0,0,12,203,253,253,60,0,0,230,253,230,233,253,253,233,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,226,218,218,250,253,254,253,253,188,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,253,253,253,253,254,191,128,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,116,253,253,253,253,201,132,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,205,248,248,248,241,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,250,253,253,253,253,253,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,239,253,253,253,186,149,157,253,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,202,248,253,253,235,68,9,0,2,154,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,209,253,253,253,187,66,0,0,0,0,143,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,253,253,253,159,11,0,0,0,0,7,180,253,253,0,0,0,0,0,0,0,0,0,0,0,0,31,209,253,253,253,92,12,0,0,0,0,0,20,253,253,213,0,0,0,0,0,0,0,0,0,0,0,30,209,253,253,231,78,12,0,0,0,0,0,0,125,253,251,89,0,0,0,0,0,0,0,0,0,0,29,210,253,253,231,130,0,0,0,0,0,0,0,54,230,253,146,0,0,0,0,0,0,0,0,0,0,28,211,253,253,232,63,0,0,0,0,0,0,0,55,229,253,243,30,0,0,0,0,0,0,0,0,0,0,144,253,253,233,62,0,0,0,0,0,0,10,73,228,253,249,124,0,0,0,0,0,0,0,0,0,0,23,249,253,234,61,0,0,0,0,0,0,10,150,253,253,225,125,0,0,0,0,0,0,0,0,0,0,0,144,253,253,62,0,0,0,0,0,11,70,187,253,247,197,32,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,19,0,0,0,11,70,186,253,253,230,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,32,24,27,70,186,253,253,247,200,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,211,243,253,253,253,253,238,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,253,253,242,136,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,247,247,247,199,117,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,92,158,235,255,203,156,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,138,235,254,254,254,254,254,254,207,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,140,254,254,254,191,162,87,67,131,254,254,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,211,254,254,181,59,2,0,0,0,1,79,101,11,0,0,0,0,0,0,0,0,0,0,0,0,0,112,243,254,226,67,2,0,0,5,101,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,243,254,183,12,0,0,0,0,145,254,233,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,249,254,183,7,0,0,0,0,66,246,254,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,25,242,254,190,12,0,0,7,38,121,240,254,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,254,218,145,102,178,202,254,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,155,253,254,254,254,254,254,208,245,254,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,143,143,143,136,48,84,245,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,230,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,238,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,228,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,244,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,245,245,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,220,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,115,254,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,241,254,254,162,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,200,254,254,164,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,254,254,216,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,254,254,249,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,237,254,254,114,0,29,139,214,208,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,180,9,55,239,254,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,251,56,107,251,254,254,254,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,249,51,254,255,254,241,254,254,251,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,254,254,182,131,254,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,254,254,200,243,254,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,254,254,254,254,254,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,243,254,254,254,254,254,169,101,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,194,254,254,171,44,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,14,0,0,0,0,156,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,204,254,243,144,60,10,26,243,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,254,254,233,243,254,200,172,226,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,228,73,10,31,137,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,242,228,45,0,0,35,219,236,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,182,20,7,124,231,234,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,245,254,220,174,254,174,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,200,254,254,173,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,229,254,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,236,229,106,230,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,218,228,79,0,209,254,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,197,248,80,0,22,235,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,130,0,0,137,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,184,4,0,72,235,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,205,181,76,123,248,254,137,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,209,254,254,254,254,138,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,227,180,49,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,231,253,181,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,232,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,175,253,240,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,217,0,0,0,0,0,0,7,53,53,39,0,0,0,0,0,0,0,0,0,0,0,0,0,15,213,253,225,40,0,0,0,0,17,99,203,253,253,240,194,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,122,0,0,0,0,57,206,253,248,212,212,223,253,92,0,0,0,0,0,0,0,0,0,0,33,247,253,197,19,0,0,0,76,216,253,223,60,0,0,68,253,93,0,0,0,0,0,0,0,0,0,0,94,253,253,112,0,0,0,16,208,253,201,10,0,0,12,209,248,44,0,0,0,0,0,0,0,0,0,0,94,253,253,20,0,0,0,141,253,253,77,0,0,0,128,253,168,0,0,0,0,0,0,0,0,0,0,0,94,253,253,114,0,0,26,230,253,156,1,8,77,199,251,212,29,0,0,0,0,0,0,0,0,0,0,0,31,247,253,201,21,0,0,213,253,51,39,175,253,253,212,27,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,199,109,11,215,253,225,238,253,248,136,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,211,253,253,253,253,253,253,253,253,210,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,195,253,253,253,253,253,170,48,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,255,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,203,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,202,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,231,253,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,201,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,201,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,198,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,180,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,247,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,200,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,201,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,197,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,232,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,200,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,198,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,165,253,253,235,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,203,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,243,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,137,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,96,148,148,254,218,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,185,252,231,168,253,252,247,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,233,95,0,21,56,180,247,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,100,0,0,0,0,7,170,252,109,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,217,12,0,0,0,0,0,11,218,253,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,230,27,0,0,0,0,0,0,64,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,167,0,0,0,0,0,0,0,143,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,20,246,252,62,0,0,0,0,0,16,84,246,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,16,231,252,27,0,0,0,0,29,232,252,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,150,0,0,27,150,219,252,252,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,222,253,254,218,201,253,253,255,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,252,252,252,182,107,161,252,231,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,21,127,126,118,21,4,48,247,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,255,253,253,225,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,253,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,29,136,136,172,255,254,133,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,223,234,253,123,0,26,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,158,250,253,253,188,82,14,37,192,73,113,231,188,8,0,0,0,0,0,0,0,0,0,0,0,0,54,190,253,253,247,108,20,0,0,0,0,56,231,253,253,35,0,0,0,0,0,0,0,0,0,0,0,100,242,253,253,151,42,0,0,0,0,0,66,234,253,253,89,7,0,0,0,0,0,0,0,0,0,0,0,104,253,253,208,20,0,0,0,0,0,0,118,253,253,146,6,0,0,0,0,0,0,0,0,0,0,0,17,210,253,253,34,0,0,0,0,0,3,222,248,253,93,3,0,0,0,0,0,0,0,0,0,0,0,0,4,179,253,253,84,0,0,0,0,19,165,253,236,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,128,253,253,170,102,38,0,10,205,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,208,253,253,253,246,104,160,253,253,147,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,155,209,253,253,253,253,253,144,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,244,253,253,253,224,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,253,253,253,246,231,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,128,237,253,180,142,244,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,212,253,236,47,0,25,219,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,52,0,0,39,233,253,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,42,0,42,164,253,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,228,201,234,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,166,253,253,253,253,253,253,125,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,122,135,146,253,226,44,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,139,253,254,253,156,148,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,221,252,252,204,196,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,252,238,187,9,7,21,21,152,250,232,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,252,238,28,0,0,0,0,0,0,145,237,202,21,0,0,0,0,0,0,0,0,0,0,0,9,132,246,253,217,47,0,0,0,0,0,0,0,0,146,244,49,0,0,0,0,0,0,0,0,0,0,0,22,253,253,212,0,0,0,0,0,0,0,0,124,254,253,170,0,0,0,0,0,0,0,0,0,0,0,0,180,252,217,53,0,0,0,0,0,0,0,84,242,253,224,40,0,0,0,0,0,0,0,0,0,0,0,8,234,252,182,0,0,0,0,0,0,0,11,176,252,250,189,9,0,0,0,0,0,0,0,0,0,0,0,64,247,252,68,0,0,0,0,0,11,99,211,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,36,241,252,235,0,0,0,71,150,219,252,252,252,208,79,0,0,0,0,0,0,0,0,0,0,0,0,0,36,224,253,253,254,253,253,253,253,255,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,224,252,253,252,252,252,182,218,252,252,231,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,14,65,127,126,126,100,4,69,252,251,200,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,71,253,252,237,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,252,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,242,253,189,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,194,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,242,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,169,169,169,169,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,160,215,252,253,252,252,252,253,215,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,177,28,28,28,65,139,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,247,50,0,0,0,0,0,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,65,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,206,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,253,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,101,0,0,0,0,0,85,252,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,229,253,254,253,216,141,29,54,229,253,254,84,0,0,16,29,79,29,0,0,0,0,0,0,0,0,128,252,252,252,253,252,252,252,253,252,252,252,253,196,169,169,216,252,252,252,0,0,0,0,0,0,0,0,253,252,224,118,168,168,234,252,253,252,252,252,253,252,252,252,253,252,252,252,0,0,0,0,0,0,0,0,253,252,168,0,0,0,147,252,253,252,252,252,253,252,252,252,253,252,252,202,0,0,0,0,0,0,0,0,255,253,253,153,254,253,253,253,254,234,137,113,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,252,252,253,252,252,252,184,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,130,168,168,168,168,80,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,240,219,67,66,139,159,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,253,253,253,253,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,182,253,254,248,205,180,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,85,41,0,25,213,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,249,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,239,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,123,206,231,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,253,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,254,254,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,216,215,142,160,253,251,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,165,253,203,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,141,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,0,32,48,48,79,196,7,0,0,0,0,0,158,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,85,237,253,253,253,253,37,0,0,0,0,0,235,253,215,5,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,253,37,0,0,0,0,54,247,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,1,100,207,253,253,253,245,174,92,57,133,247,253,234,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,79,197,241,253,253,254,253,253,253,237,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,145,193,254,253,214,131,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,51,92,152,152,173,253,152,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,253,252,253,252,253,252,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,253,254,213,203,162,102,183,255,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,171,50,10,0,0,0,0,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,182,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,254,213,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,253,252,223,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,214,233,234,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,30,92,232,253,212,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,162,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,132,31,0,0,0,62,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,253,111,0,0,21,203,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,255,253,234,71,0,0,132,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,131,102,183,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,255,253,254,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,252,253,252,172,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,45,138,138,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,5,47,47,47,151,253,252,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,112,215,191,252,252,252,252,253,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,253,252,252,252,252,203,160,77,45,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,231,137,85,32,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,252,252,203,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,252,252,253,188,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,160,236,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,189,253,252,246,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,211,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,244,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,159,86,22,0,7,24,76,255,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,252,252,245,161,186,252,252,253,252,221,100,8,0,0,0,0,0,0,0,0,0,0,0,0,0,70,227,252,252,252,253,252,252,252,252,247,183,100,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,77,160,160,211,252,227,160,108,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,22,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,63,116,198,255,167,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,223,254,254,254,254,254,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,180,254,254,254,238,162,162,211,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,170,251,254,224,95,4,4,0,0,32,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,216,254,243,198,72,0,0,0,5,121,106,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,243,254,235,92,0,0,0,0,0,112,254,239,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,235,50,0,0,0,0,0,0,202,254,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,252,82,0,0,0,0,0,0,88,245,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,229,0,0,0,0,0,5,111,248,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,243,76,49,49,80,162,241,254,254,254,167,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,254,254,254,254,254,254,254,254,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,162,232,254,254,254,181,109,254,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,19,19,19,1,15,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,252,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,254,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,254,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,159,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,238,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,136,26,0,0,4,187,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,191,0,0,20,253,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,131,0,0,118,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,253,216,10,0,0,125,253,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,239,54,0,0,19,226,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,226,254,180,0,0,0,149,253,210,16,0,0,4,77,3,0,0,0,0,0,0,0,0,0,0,0,0,174,253,254,181,30,0,0,156,253,174,0,0,0,170,222,12,0,0,0,0,0,0,0,0,0,0,0,71,246,254,255,254,254,163,156,255,254,223,141,134,255,254,78,0,0,0,0,0,0,0,0,0,0,0,10,211,253,253,254,253,253,253,253,254,253,253,253,245,174,91,12,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,254,186,174,247,253,254,247,174,123,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,153,169,176,19,3,0,234,253,244,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,253,195,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,231,253,222,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,24,24,24,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,120,186,252,252,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,164,184,253,252,252,252,252,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,176,160,211,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,137,64,22,4,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,74,0,0,0,0,0,0,149,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,252,208,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,252,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,138,253,253,168,0,0,0,0,3,13,24,24,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,231,42,0,0,0,0,170,211,252,252,211,0,0,0,0,0,0,0,0,0,0,0,100,184,185,228,252,252,54,0,0,0,0,0,253,252,252,252,252,0,0,0,0,0,0,0,0,0,0,100,244,252,253,252,252,176,4,0,0,0,0,136,253,252,252,252,252,0,0,0,0,0,0,0,0,11,136,246,252,252,253,252,252,244,126,116,116,199,230,250,253,252,252,210,85,0,0,0,0,0,0,0,0,87,253,253,253,253,255,253,253,253,253,255,253,253,253,253,252,230,115,0,0,0,0,0,0,0,0,0,0,212,252,252,252,231,207,236,252,252,252,253,252,252,214,153,84,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,227,48,0,44,100,183,183,122,69,69,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,160,128,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,152,255,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,208,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,253,253,181,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,161,253,253,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,196,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,235,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,237,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,175,253,253,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,232,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,241,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,253,155,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,184,253,253,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,205,235,109,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,173,253,254,253,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,252,233,111,50,172,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,173,254,213,0,0,0,102,254,253,255,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,213,10,0,0,0,142,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,233,123,0,0,0,152,253,254,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,111,0,0,0,0,193,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,142,0,0,0,51,213,254,253,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,212,20,0,21,183,253,252,253,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,91,113,193,254,253,254,253,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,253,252,253,252,131,131,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,254,253,224,162,82,0,0,203,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,50,20,0,0,0,82,243,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,12,0,0,0,0,0,222,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,249,146,0,0,0,0,70,251,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,176,0,0,0,0,132,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,117,0,0,0,24,227,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,253,77,0,0,0,127,253,213,51,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,237,254,253,247,222,222,223,245,253,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,249,173,173,218,253,254,253,213,129,95,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,154,50,0,0,20,110,255,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,231,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,195,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,227,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,238,233,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,96,218,253,254,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,0,43,85,173,253,252,252,252,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,250,232,242,252,252,253,236,178,126,38,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,190,237,221,162,84,84,21,0,0,71,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,21,0,0,0,0,0,27,211,253,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,253,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,213,252,252,151,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,110,233,247,252,247,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,252,253,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,253,252,252,242,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,167,107,106,224,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,245,252,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,64,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,62,221,252,132,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,255,174,30,0,0,0,0,4,183,253,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,217,253,252,212,64,0,0,0,57,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,12,83,212,252,247,188,128,127,190,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,212,252,252,253,252,252,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,191,253,252,244,121,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,18,110,136,244,255,241,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,103,170,253,253,253,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,114,253,253,253,237,200,224,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,203,72,0,29,194,253,189,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,253,245,145,14,0,0,0,152,253,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,114,235,253,248,26,0,0,0,0,0,130,253,253,195,6,0,0,0,0,0,0,0,0,0,0,0,0,52,251,253,253,77,0,0,0,0,0,59,246,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,33,0,0,0,19,124,243,253,253,249,116,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,251,160,160,160,232,253,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,253,253,253,253,253,253,205,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,146,176,176,212,176,176,176,176,205,253,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,194,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,148,250,253,195,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,248,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,206,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,151,253,253,232,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,151,253,253,229,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,218,217,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,228,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,248,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,221,254,237,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,241,254,201,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,251,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,254,198,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,212,254,236,55,0,0,4,6,73,106,74,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,157,254,254,91,0,12,102,220,254,254,254,254,228,16,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,253,94,3,6,141,254,245,194,139,91,141,253,190,5,0,0,0,0,0,0,0,0,0,0,0,18,197,254,197,0,0,124,254,251,32,0,0,0,54,248,230,7,0,0,0,0,0,0,0,0,0,0,1,124,254,254,36,0,20,224,230,48,0,0,0,122,235,251,109,0,0,0,0,0,0,0,0,0,0,0,42,254,254,201,8,0,112,254,133,0,19,81,147,246,254,188,0,0,0,0,0,0,0,0,0,0,0,0,111,254,236,14,0,0,48,254,204,119,240,254,254,237,148,17,0,0,0,0,0,0,0,0,0,0,0,0,111,254,249,190,100,163,200,254,254,254,254,249,136,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,254,246,210,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,80,162,254,203,154,60,55,44,2,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,191,255,253,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,243,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,104,240,252,252,253,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,207,252,252,252,236,225,233,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,252,236,50,0,85,252,239,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,255,253,133,0,0,0,85,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,246,252,252,253,129,6,0,0,0,85,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,252,252,252,56,6,0,0,0,0,117,252,245,87,0,0,0,0,0,0,0,0,0,0,0,4,107,253,252,252,249,145,0,0,0,0,0,0,225,252,208,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,220,99,0,0,0,0,0,0,0,225,252,84,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,215,31,0,0,0,0,0,0,0,114,253,253,84,0,0,0,0,0,0,0,0,0,0,29,122,252,252,253,167,0,0,0,0,0,0,0,0,238,252,252,84,0,0,0,0,0,0,0,0,0,0,117,252,252,252,133,37,0,0,0,0,0,0,38,135,253,252,208,19,0,0,0,0,0,0,0,0,0,13,228,252,252,252,0,0,0,0,0,0,0,7,178,252,253,195,65,0,0,0,0,0,0,0,0,0,0,113,252,252,252,173,0,0,0,0,0,0,48,165,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,176,253,253,240,63,0,0,0,0,63,255,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,206,252,252,233,85,85,131,225,225,240,253,252,252,195,89,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,252,252,252,253,233,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,233,252,252,252,253,252,252,233,145,84,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,252,252,253,204,112,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,52,10,0,0,0,0,72,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,131,0,0,0,0,152,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,151,0,0,0,62,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,213,30,0,0,0,102,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,123,0,0,0,51,233,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,130,0,0,0,0,152,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,234,152,152,152,152,233,254,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,253,252,253,252,253,252,253,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,224,203,203,203,152,253,254,192,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,151,70,20,0,0,0,233,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,233,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,255,169,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,251,253,253,253,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,251,253,253,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,253,253,253,236,228,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,227,253,253,253,164,42,68,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,61,222,254,253,233,157,14,0,139,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,133,253,253,254,253,138,0,0,9,187,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,133,253,253,253,254,101,10,0,0,54,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,4,135,253,253,253,246,107,6,0,0,0,54,253,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,246,57,0,0,0,0,0,125,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,254,228,0,0,0,0,0,0,32,220,255,164,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,236,60,0,0,0,0,0,0,194,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,134,249,253,253,93,0,0,0,0,0,0,123,248,253,217,10,0,0,0,0,0,0,0,0,0,0,0,91,249,253,253,165,13,0,0,0,0,0,80,247,253,236,75,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,235,49,0,0,0,0,0,29,207,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,158,0,0,0,0,0,54,209,253,253,175,18,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,85,41,41,41,48,174,255,253,253,176,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,253,253,253,253,255,253,179,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,253,253,253,253,253,253,253,241,113,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,239,120,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,219,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,242,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,161,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,242,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,172,254,254,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,220,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,254,250,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,184,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,189,25,0,0,0,76,100,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,193,254,222,2,0,9,83,206,253,254,253,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,99,0,41,205,254,254,254,254,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,31,21,170,254,254,207,40,71,173,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,232,58,194,254,238,135,2,0,10,205,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,247,241,254,246,143,0,0,8,135,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,254,118,0,0,39,175,254,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,160,19,115,115,238,254,189,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,218,254,254,254,254,254,254,222,119,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,255,254,229,238,233,150,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,13,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,143,227,253,253,161,143,143,143,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,50,223,253,253,253,253,253,253,253,253,207,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,172,253,253,253,253,253,253,253,253,253,253,253,207,4,0,0,0,0,0,0,0,0,0,0,0,4,53,220,253,253,253,253,253,242,216,113,93,201,250,253,253,85,0,0,0,0,0,0,0,0,0,0,13,176,253,253,253,253,253,253,220,88,0,0,0,0,129,250,253,150,0,0,0,0,0,0,0,0,0,3,126,253,253,253,253,253,253,186,20,0,0,0,0,0,21,239,253,192,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,253,186,20,0,0,0,0,0,0,133,253,253,165,0,0,0,0,0,0,0,0,5,222,253,253,253,253,253,186,20,0,0,0,0,0,0,0,230,253,253,99,0,0,0,0,0,0,0,0,134,253,253,253,253,253,242,59,0,0,0,0,0,0,26,118,248,253,221,4,0,0,0,0,0,0,0,0,255,253,253,253,253,253,173,0,0,0,0,0,0,26,201,253,253,253,39,0,0,0,0,0,0,0,0,0,215,253,253,253,253,253,126,0,0,0,0,24,121,221,253,253,253,163,3,0,0,0,0,0,0,0,0,0,88,253,253,253,253,253,210,0,0,65,121,223,253,253,253,253,123,24,0,0,0,0,0,0,0,0,0,0,4,210,253,253,253,253,247,217,217,244,253,253,253,253,128,37,4,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,253,253,253,253,253,253,253,253,253,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,33,210,253,253,253,253,253,253,173,112,24,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,141,141,81,54,18,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,232,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,253,189,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,253,252,246,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,255,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,232,252,253,200,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,144,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,67,67,67,115,254,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,225,253,253,253,253,254,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,235,250,253,253,253,253,253,254,189,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,253,253,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,226,242,254,210,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,248,175,44,221,254,224,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,209,170,52,0,14,227,254,213,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,244,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,254,254,145,0,0,0,0,0,0,21,149,254,0,0,0,0,0,0,0,0,0,0,27,125,177,177,180,253,253,176,0,0,0,0,0,0,0,155,253,253,0,0,0,0,0,0,0,0,0,99,227,253,253,253,253,253,253,143,0,0,0,0,0,0,53,237,253,210,0,0,0,0,0,0,0,0,28,217,253,251,246,253,253,253,253,249,120,17,19,23,23,110,239,253,213,20,0,0,0,0,0,0,0,0,144,253,253,116,185,253,253,253,253,253,255,230,238,253,253,253,253,244,90,0,0,0,0,0,0,0,0,0,231,253,253,181,253,253,245,74,231,253,254,253,253,253,253,253,250,88,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,211,78,0,16,166,243,242,252,253,251,204,30,0,0,0,0,0,0,0,0,0,0,0,235,253,253,253,244,88,0,0,0,0,0,0,82,99,78,0,0,0,0,0,0,0,0,0,0,0,0,0,101,230,253,179,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,33,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,76,255,232,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,161,236,252,249,185,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,185,228,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,253,252,252,252,252,249,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,231,106,22,128,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,53,0,0,62,243,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,236,252,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,93,93,93,208,236,252,252,157,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,253,252,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,247,253,253,231,234,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,92,92,0,17,188,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,116,116,116,116,116,136,230,248,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,255,253,253,253,253,255,253,253,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,253,252,252,214,248,253,252,252,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,253,231,137,82,184,253,252,252,252,136,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,253,252,252,252,252,253,252,227,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,137,253,252,252,252,252,137,64,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,10,0,0,0,0,0,163,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,131,0,0,0,0,0,203,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,50,0,0,0,0,72,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,233,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,183,0,0,0,0,123,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,212,20,0,0,0,82,243,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,244,81,0,0,0,0,173,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,122,0,0,0,0,82,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,172,0,0,0,0,31,213,254,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,212,203,203,203,203,233,252,253,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,253,254,253,254,253,254,253,254,233,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,213,252,233,151,151,192,253,252,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,105,188,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,84,167,227,230,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,135,231,254,254,251,245,171,222,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,238,254,254,254,190,54,10,101,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,254,243,161,36,0,36,250,254,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,235,203,75,0,0,5,89,254,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,213,254,223,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,249,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,237,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,142,254,185,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,117,254,218,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,242,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,182,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,135,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,47,47,126,163,254,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,94,138,232,253,253,253,253,253,253,175,15,0,0,0,0,0,0,0,0,0,0,0,0,0,12,132,140,236,253,253,253,224,223,253,253,253,161,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,233,168,67,14,76,253,253,194,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,248,253,163,75,15,0,0,104,243,244,159,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,234,253,107,0,0,0,67,238,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,245,76,4,63,242,253,161,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,206,110,253,253,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,253,253,253,227,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,206,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,253,251,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,133,223,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,129,2,112,253,229,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,235,253,78,0,63,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,251,71,0,63,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,227,0,0,63,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,250,146,115,191,253,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,188,253,253,253,253,252,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,160,253,253,185,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,141,255,198,170,170,170,226,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,226,86,0,0,0,0,86,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,170,0,0,0,0,0,29,226,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,0,114,255,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,86,198,255,226,86,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,170,170,170,255,255,170,86,0,57,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,255,255,198,114,0,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,86,29,0,0,0,0,0,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,62,40,108,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,164,241,242,237,253,246,228,206,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,214,237,253,254,253,253,253,253,253,253,235,77,0,0,0,0,0,0,0,0,0,0,0,0,0,18,166,237,253,253,253,254,253,193,73,88,200,253,253,243,32,0,0,0,0,0,0,0,0,0,0,0,60,205,253,253,253,253,253,254,145,7,0,0,14,195,253,253,120,0,0,0,0,0,0,0,0,0,0,15,179,253,253,253,249,213,213,235,11,0,0,0,0,83,253,253,120,0,0,0,0,0,0,0,0,0,12,181,253,253,253,249,131,0,0,49,0,0,0,0,0,41,253,253,190,0,0,0,0,0,0,0,0,7,186,253,253,253,243,131,0,0,0,0,0,0,0,0,0,41,253,253,120,0,0,0,0,0,0,0,0,121,253,253,253,253,66,0,0,0,0,0,0,0,0,0,0,112,253,253,120,0,0,0,0,0,0,0,0,185,254,254,254,124,0,0,0,0,0,0,0,0,0,0,0,175,255,255,121,0,0,0,0,0,0,0,0,254,253,253,176,3,0,0,0,0,0,0,0,0,0,0,108,249,253,247,69,0,0,0,0,0,0,0,0,254,253,253,173,0,0,0,0,0,0,0,0,0,30,129,247,253,253,190,0,0,0,0,0,0,0,0,0,254,253,253,241,109,21,0,0,0,0,0,35,81,206,253,253,253,230,17,0,0,0,0,0,0,0,0,0,148,253,253,253,253,214,180,68,68,68,202,223,253,253,253,253,186,47,0,0,0,0,0,0,0,0,0,0,32,193,248,253,253,253,253,253,253,253,254,253,253,253,211,101,21,0,0,0,0,0,0,0,0,0,0,0,0,0,191,226,253,253,253,253,253,253,255,236,213,100,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,93,93,184,226,226,226,94,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,236,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,248,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,246,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,246,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,253,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,154,255,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,190,234,234,234,251,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,189,253,253,253,253,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,244,253,253,253,253,253,253,253,253,247,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,253,253,253,219,170,128,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,251,232,103,3,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,123,123,107,0,0,0,0,69,253,253,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,253,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,232,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,7,79,251,253,253,222,38,0,0,0,0,0,2,7,0,0,0,0,0,0,0,0,0,0,0,105,152,253,253,253,253,253,253,68,0,0,0,0,0,31,145,243,57,0,0,0,0,0,0,0,0,48,155,251,253,253,253,253,253,253,253,244,226,104,53,0,90,215,253,253,116,0,0,0,0,0,0,0,0,118,253,253,253,253,253,253,253,253,253,253,253,253,237,220,249,253,253,246,79,0,0,0,0,0,0,0,0,225,253,253,253,253,253,253,192,191,191,237,253,253,253,253,253,253,243,102,0,0,0,0,0,0,0,0,0,255,253,253,253,253,221,75,2,0,0,55,164,213,253,214,212,178,63,0,0,0,0,0,0,0,0,0,0,243,253,253,249,139,39,0,0,0,0,0,0,3,96,5,0,0,0,0,0,0,0,0,0,0,0,0,0,54,243,212,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,220,255,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,108,108,220,244,253,253,171,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,228,254,253,253,253,253,253,217,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,237,253,254,253,253,253,253,253,226,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,225,253,254,225,186,136,253,253,221,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,66,67,38,98,208,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,41,41,98,245,253,253,245,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,214,253,254,253,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,214,253,253,254,253,253,253,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,253,253,254,253,253,253,253,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,134,134,134,7,50,236,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,249,84,0,0,0,0,0,0,0,0,0,0,0,0,30,194,214,214,193,81,38,81,81,47,0,81,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,253,253,225,253,254,231,201,217,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,80,247,253,253,253,253,253,253,253,254,253,253,253,253,253,223,25,0,0,0,0,0,0,0,0,0,0,0,91,249,253,218,90,80,80,80,80,162,253,253,253,253,245,109,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,185,161,76,34,161,206,253,253,253,246,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,219,250,253,253,253,253,253,255,253,253,199,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,147,253,253,253,253,191,120,120,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,219,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,138,0,0,0,3,215,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,0,0,0,104,253,212,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,235,0,0,6,216,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,117,251,240,54,0,0,128,253,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,194,253,234,115,0,0,13,216,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,242,253,253,120,0,0,0,149,253,187,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,196,123,123,147,249,253,165,105,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,253,253,253,253,253,254,253,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,95,126,188,195,254,255,254,202,188,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,254,122,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,162,253,223,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,240,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,190,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,92,173,213,152,152,214,253,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,233,252,253,252,253,252,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,254,253,254,233,203,243,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,131,50,50,30,0,203,253,212,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,20,0,0,0,0,51,233,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,224,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,66,141,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,57,95,169,253,252,252,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,134,204,252,252,252,253,233,168,168,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,214,139,78,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,176,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,113,0,0,0,0,0,19,57,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,200,0,0,0,10,160,215,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,250,75,38,113,229,252,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,254,253,253,253,251,150,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,144,253,252,252,151,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,191,252,253,252,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,252,153,252,243,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,253,194,63,29,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,139,19,0,10,196,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,231,19,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,225,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,103,19,0,29,179,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,209,253,252,224,169,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,252,252,252,253,252,224,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,103,177,252,140,115,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,158,249,255,225,248,178,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,178,248,254,226,237,254,254,254,244,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,254,205,67,4,29,67,67,181,254,204,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,223,254,200,19,0,0,0,0,10,212,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,60,0,0,0,0,8,172,254,254,226,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,221,6,0,0,0,5,173,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,254,189,149,149,113,191,254,254,254,254,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,248,254,254,254,224,139,223,254,254,150,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,172,164,77,33,15,254,254,247,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,254,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,254,230,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,246,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,209,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,225,241,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,250,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,177,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,25,25,25,25,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,158,157,217,253,253,253,253,217,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,101,210,254,253,253,253,218,205,221,253,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,192,253,253,254,218,127,132,38,0,24,228,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,91,242,253,253,253,254,142,37,204,52,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,17,172,242,253,253,253,253,254,249,142,16,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,0,96,253,253,253,253,253,253,157,87,14,0,0,0,0,218,253,236,0,0,0,0,0,0,0,0,0,0,34,246,253,253,253,253,206,29,0,0,0,0,0,0,0,218,253,253,0,0,0,0,0,0,0,0,0,0,152,253,253,253,253,149,18,0,0,0,0,0,0,0,41,235,253,137,0,0,0,0,0,0,0,0,0,146,254,255,254,216,81,0,0,0,0,0,0,0,0,4,151,254,249,69,0,0,0,0,0,0,0,0,2,156,253,253,247,106,0,0,0,0,0,0,0,0,0,85,253,253,144,0,0,0,0,0,0,0,0,0,30,253,253,253,193,0,0,0,0,0,0,0,0,0,56,231,253,239,66,0,0,0,0,0,0,0,0,0,133,253,253,253,233,135,33,0,0,0,0,28,67,170,230,253,253,76,0,0,0,0,0,0,0,0,0,0,220,253,245,233,253,253,229,182,129,119,183,223,253,253,253,236,152,10,0,0,0,0,0,0,0,0,0,0,220,253,159,64,233,253,253,253,253,253,254,253,243,180,151,43,0,0,0,0,0,0,0,0,0,0,0,0,133,253,217,0,34,140,168,201,253,253,169,100,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,231,33,0,0,0,14,36,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,24,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,235,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,244,254,254,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,254,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,244,254,167,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,235,254,242,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,254,206,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,205,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,234,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,53,6,6,6,78,115,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,231,254,254,254,254,254,238,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,254,254,254,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,254,254,254,254,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,238,205,182,154,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,59,39,0,0,93,254,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,254,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,130,165,239,239,155,238,254,247,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,164,254,254,254,254,254,254,254,254,223,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,252,138,48,187,254,254,254,254,254,200,34,0,0,0,0,13,128,160,0,0,0,0,0,0,0,0,154,254,99,93,171,253,254,234,134,233,254,254,248,203,136,109,28,196,254,243,0,0,0,0,0,0,0,0,181,254,220,254,254,252,168,19,0,18,81,216,254,254,254,255,254,254,236,63,0,0,0,0,0,0,0,0,103,254,254,254,221,99,0,0,0,0,0,22,115,235,254,254,254,197,63,0,0,0,0,0,0,0,0,0,1,84,114,95,3,0,0,0,0,0,0,0,0,4,5,5,5,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,121,121,121,149,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,242,253,253,253,253,253,253,253,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,254,253,253,253,253,233,159,219,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,254,253,253,185,67,31,35,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,53,187,129,53,9,0,50,167,253,250,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,236,253,247,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,41,119,104,41,98,174,174,195,253,247,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,133,253,253,253,254,253,253,253,246,226,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,254,253,253,253,190,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,253,253,253,121,176,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,134,134,64,0,0,0,215,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,35,81,194,179,81,81,165,136,81,81,208,165,206,253,225,38,0,0,0,0,0,0,0,0,0,0,0,32,217,253,253,253,253,253,253,253,253,254,253,253,253,253,239,59,0,0,0,0,0,0,0,0,0,0,0,121,253,253,253,239,199,199,199,199,199,201,143,234,253,253,228,42,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,127,11,0,0,0,0,41,168,245,253,243,98,0,0,0,0,0,0,0,0,0,0,0,0,45,245,253,253,253,185,161,91,161,161,255,253,253,230,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,155,244,253,253,253,253,253,253,255,253,241,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,253,253,253,253,121,120,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,216,143,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,179,164,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,222,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,210,252,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,141,110,0,0,16,179,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,253,221,25,0,91,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,206,81,0,38,178,252,224,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,228,252,113,0,0,163,253,227,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,190,51,0,111,241,254,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,252,65,0,26,222,252,184,65,0,51,26,0,0,0,0,0,0,0,0,0,0,0,0,26,178,246,253,252,214,15,0,132,240,252,247,197,197,246,150,0,0,0,0,0,0,0,0,0,0,0,0,151,246,252,253,252,252,228,226,243,252,252,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,13,138,247,253,255,253,253,253,254,253,253,228,214,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,84,197,196,196,246,253,240,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,184,253,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,122,240,190,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,169,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,186,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,31,52,135,183,183,183,183,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,58,69,153,226,254,254,254,254,221,197,160,49,0,0,0,0,0,0,0,0,0,0,0,0,0,33,160,211,254,254,254,247,189,128,89,19,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,224,206,167,122,111,68,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,196,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,225,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,236,235,192,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,128,243,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,0,0,125,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,228,234,180,69,46,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,254,254,203,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,254,255,254,254,248,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,123,182,182,165,127,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,170,255,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,253,249,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,222,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,149,228,253,206,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,141,253,253,192,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,179,253,253,225,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,226,253,253,186,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,227,253,253,152,20,0,0,0,0,21,56,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,253,186,53,0,0,19,102,186,211,253,225,44,0,0,0,0,0,0,0,0,0,0,0,0,15,198,253,253,220,20,0,81,192,210,253,253,253,253,253,171,37,0,0,0,0,0,0,0,0,0,0,0,117,253,253,163,46,0,141,239,253,253,153,55,55,164,246,253,75,0,0,0,0,0,0,0,0,0,0,7,197,253,253,116,0,140,239,253,231,76,10,0,0,49,241,253,75,0,0,0,0,0,0,0,0,0,0,115,235,253,125,16,37,240,253,201,31,0,0,0,0,49,241,253,75,0,0,0,0,0,0,0,0,0,4,194,253,241,51,33,223,253,205,28,0,0,0,0,0,192,250,253,29,0,0,0,0,0,0,0,0,0,0,136,253,253,99,38,253,234,60,0,0,0,0,0,83,250,253,154,2,0,0,0,0,0,0,0,0,0,3,185,253,253,163,128,235,59,0,0,0,0,34,148,238,253,209,83,0,0,0,0,0,0,0,0,0,0,4,202,253,253,253,253,229,112,112,112,112,148,241,253,253,209,22,0,0,0,0,0,0,0,0,0,0,0,0,13,144,253,253,253,253,253,253,253,253,253,253,253,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,129,129,208,253,253,253,253,253,217,29,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,51,51,72,152,152,152,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,223,253,252,253,252,253,252,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,233,255,253,244,203,102,183,183,162,255,253,163,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,171,40,0,0,0,0,142,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,61,0,0,0,0,0,0,52,233,255,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,233,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,223,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,204,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,34,34,139,143,230,253,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,67,100,176,220,252,252,252,252,252,252,193,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,202,252,252,252,253,252,252,157,153,115,44,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,252,252,236,134,59,10,10,1,0,8,22,87,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,248,252,90,0,0,0,0,29,56,172,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,202,12,0,24,131,227,252,144,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,90,21,204,252,251,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,252,252,210,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,232,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,210,253,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,213,252,203,244,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,209,243,205,86,12,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,196,15,0,0,172,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,240,43,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,224,235,43,0,0,0,0,220,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,232,241,42,0,6,31,155,250,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,164,83,201,252,252,252,166,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,229,128,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,138,214,252,199,124,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,63,182,254,255,255,254,203,121,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,205,244,254,254,254,227,152,161,220,254,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,183,254,254,224,144,67,67,5,0,0,11,103,24,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,254,242,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,250,254,167,70,0,0,0,0,0,0,11,88,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,236,20,0,0,0,0,0,0,0,175,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,229,0,0,0,0,0,0,0,154,252,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,240,47,8,0,0,11,98,181,250,254,213,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,254,254,209,178,178,221,254,254,254,250,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,141,222,254,254,238,205,190,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,48,128,61,21,209,254,229,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,241,254,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,161,254,242,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,209,254,195,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,221,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,247,248,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,177,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,92,165,203,255,254,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,63,63,207,244,254,254,254,254,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,254,254,254,254,210,130,126,254,210,92,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,199,104,40,5,0,169,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,127,1,0,0,33,242,242,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,144,251,254,163,7,2,188,254,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,159,146,254,241,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,34,226,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,244,254,232,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,232,254,244,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,110,253,229,28,220,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,254,252,67,0,177,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,179,254,154,0,0,121,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,231,6,0,0,121,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,212,254,150,0,0,10,211,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,246,11,0,24,203,254,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,248,252,115,140,233,254,250,86,0,0,0,38,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,226,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,199,254,197,82,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,233,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,183,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,233,254,253,254,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,253,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,213,203,122,132,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,10,0,0,51,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,233,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,152,51,51,214,253,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,253,252,253,252,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,253,254,253,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,253,252,192,151,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,102,61,0,0,193,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,102,102,142,213,252,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,253,254,253,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,232,253,252,253,212,213,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,235,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,233,241,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,227,117,0,0,112,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,125,0,0,196,255,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,243,244,68,0,80,249,221,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,255,160,0,0,168,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,254,211,57,0,96,248,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,234,216,216,248,255,254,251,216,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,254,254,254,254,254,249,229,215,208,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,133,133,95,229,254,137,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,183,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,235,229,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,236,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,87,194,66,0,10,105,222,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,115,207,253,253,242,226,229,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,253,253,254,244,247,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,170,84,84,84,84,85,10,166,253,193,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,228,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,212,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,223,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,188,254,190,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,255,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,176,253,181,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,249,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,209,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,211,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,179,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,170,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,246,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,96,148,236,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,201,252,252,252,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,249,253,252,224,170,82,65,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,226,128,84,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,189,252,185,0,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,250,188,249,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,225,253,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,139,253,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,101,242,252,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,252,210,101,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,190,14,89,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,219,254,239,17,29,175,255,239,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,252,253,89,8,197,252,239,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,236,167,234,252,252,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,236,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,235,253,252,155,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,223,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,241,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,246,254,161,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,243,254,191,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,241,254,190,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,121,249,254,189,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,163,254,254,197,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,220,254,254,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,182,254,251,139,6,0,0,27,89,144,144,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,164,254,231,97,0,0,1,81,226,254,254,254,252,46,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,228,105,0,0,15,160,254,254,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,67,246,254,151,0,0,0,190,254,225,69,19,19,55,254,187,0,0,0,0,0,0,0,0,0,0,0,0,188,254,195,15,0,1,109,252,199,17,0,0,0,43,254,187,0,0,0,0,0,0,0,0,0,0,0,20,232,254,134,0,0,20,254,254,48,0,0,0,0,162,253,98,0,0,0,0,0,0,0,0,0,0,0,29,254,254,134,0,0,71,254,145,5,0,0,0,81,252,235,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,218,69,1,116,254,14,0,2,5,122,235,239,93,0,0,0,0,0,0,0,0,0,0,0,0,0,102,228,254,254,147,152,254,78,74,191,254,254,235,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,222,254,254,254,254,254,254,254,236,144,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,95,158,202,254,218,176,129,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,144,254,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,144,249,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,253,253,253,253,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,227,253,253,199,253,253,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,25,25,13,55,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,179,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,112,253,253,247,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,113,178,79,177,253,253,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,217,253,253,253,253,253,244,101,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,253,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,241,253,240,194,235,253,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,71,55,0,176,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,46,156,69,46,46,46,37,176,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,160,202,253,253,253,253,253,253,236,228,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,253,253,253,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,73,249,253,243,113,97,97,133,247,253,253,253,253,250,87,0,0,0,0,0,0,0,0,0,0,0,0,0,48,246,253,163,20,20,61,150,230,253,253,253,220,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,252,253,253,253,253,253,253,253,250,149,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,253,253,251,213,117,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,170,253,145,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,49,2,25,239,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,36,175,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,243,251,119,254,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,206,254,146,203,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,206,254,199,163,254,174,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,178,254,240,101,246,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,198,48,174,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,191,143,254,221,45,104,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,254,254,254,254,254,254,189,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,86,238,254,231,208,208,161,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,216,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,174,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,174,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,211,246,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,225,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,101,101,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,47,183,236,253,253,251,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,221,253,253,253,253,253,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,172,252,253,253,228,160,203,253,253,253,252,97,0,0,0,0,0,0,0,0,0,0,0,0,0,22,91,237,253,253,253,253,160,0,28,98,239,253,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,240,115,14,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,0,0,32,202,247,253,253,253,253,230,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,6,31,206,253,253,253,253,237,82,62,0,0,0,0,0,162,253,253,253,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,157,59,0,0,0,0,0,0,0,162,253,253,173,0,0,0,0,0,0,0,0,0,187,253,253,253,253,128,6,0,0,0,0,0,0,0,19,190,253,253,99,0,0,0,0,0,0,0,0,85,237,253,253,235,145,5,0,0,0,0,0,0,0,11,173,253,253,248,90,0,0,0,0,0,0,0,0,254,253,253,208,31,0,0,0,0,0,0,0,0,0,116,253,253,253,124,0,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,0,0,0,20,79,237,253,251,118,6,0,0,0,0,0,0,0,0,0,254,253,253,160,0,0,0,0,0,0,2,16,174,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,255,253,253,203,99,0,0,0,61,116,128,253,253,253,253,154,50,0,0,0,0,0,0,0,0,0,0,0,99,240,253,253,247,216,216,216,235,253,253,253,253,249,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,253,253,253,253,253,252,249,246,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,207,253,253,253,253,253,253,220,131,71,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,102,199,199,199,180,45,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,58,94,161,253,155,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,145,206,252,252,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,83,198,252,253,252,247,216,129,215,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,174,252,252,252,251,192,72,0,41,233,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,201,252,252,252,194,69,0,0,64,198,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,129,235,252,252,190,71,3,0,0,0,169,252,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,70,237,252,252,143,7,0,0,0,0,0,169,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,10,193,252,252,143,7,0,0,0,0,10,115,241,252,252,220,22,0,0,0,0,0,0,0,0,0,0,0,25,252,252,197,6,0,0,0,0,6,123,252,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,192,0,0,0,53,121,185,252,252,252,252,126,3,0,0,0,0,0,0,0,0,0,0,0,0,24,249,253,253,253,253,253,253,253,255,253,253,253,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,252,252,252,252,252,252,253,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,182,158,216,216,164,96,195,252,252,205,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,252,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,244,253,234,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,214,252,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,252,148,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,200,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,128,128,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,128,128,128,128,128,128,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,128,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,253,208,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,222,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,249,253,253,238,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,244,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,243,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,168,253,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,242,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,245,253,253,232,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,189,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,218,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,142,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,197,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,246,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,18,110,180,254,254,255,254,224,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,154,217,253,253,253,253,253,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,250,253,253,253,253,208,200,85,127,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,246,253,253,242,182,92,11,0,4,177,253,205,14,0,0,0,0,0,0,0,0,0,0,0,0,0,100,245,253,253,137,39,0,0,0,0,205,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,23,216,253,253,94,13,0,0,0,40,214,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,17,6,26,125,215,247,253,253,253,230,36,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,253,253,253,253,253,253,253,253,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,246,253,253,253,253,224,212,172,253,253,235,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,194,194,128,76,23,0,123,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,248,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,222,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,191,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,227,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,238,253,230,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,234,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,18,79,136,136,222,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,237,253,253,253,253,253,242,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,163,75,65,65,188,253,232,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,253,224,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,124,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,199,215,125,25,166,243,253,253,188,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,204,253,253,253,253,253,253,253,160,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,253,253,253,239,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,87,194,112,76,76,210,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,251,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,251,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,46,76,0,0,0,0,0,0,0,0,18,194,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,154,239,183,87,66,64,0,0,0,20,191,253,253,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,32,132,232,253,253,252,201,201,201,217,253,253,249,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,213,253,253,253,253,253,253,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,17,130,146,253,253,162,179,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,198,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,198,255,255,226,114,0,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,198,255,255,226,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,170,57,0,0,0,0,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,226,29,0,0,0,0,29,198,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,0,0,0,0,86,226,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,114,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,226,29,141,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,198,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,57,29,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,86,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,198,0,0,114,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,57,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,226,255,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,255,170,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,101,0,0,0,0,0,82,243,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,187,0,0,0,0,45,240,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,113,0,0,0,0,157,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,114,0,0,0,29,216,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,38,0,0,0,166,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,234,252,127,0,0,0,38,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,252,214,15,0,0,0,213,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,255,253,178,16,0,7,66,241,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,252,215,170,187,252,252,253,234,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,193,253,252,252,252,253,252,252,252,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,40,139,139,139,203,252,252,252,190,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,237,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,0,0,21,51,132,214,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,243,243,122,163,223,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,253,254,253,254,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,253,252,253,212,151,111,213,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,102,41,0,0,0,0,21,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,121,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,67,171,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,100,100,157,220,253,253,236,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,198,198,198,150,217,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,146,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,150,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,202,253,253,208,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,145,188,188,189,188,242,253,178,66,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,253,254,253,253,234,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,221,221,222,230,254,245,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,13,100,133,133,61,23,23,23,23,23,23,23,161,253,227,29,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,253,253,253,253,253,253,253,254,253,253,253,241,43,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,254,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,185,22,22,22,22,22,26,206,253,253,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,253,245,131,45,45,45,79,198,255,253,173,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,187,253,253,253,253,253,253,253,244,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,148,253,253,253,253,171,95,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,118,118,118,118,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,123,234,245,253,253,253,253,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,125,246,253,253,253,216,122,85,237,253,217,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,253,243,198,120,31,0,0,95,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,29,214,253,253,253,205,0,0,0,0,0,63,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,2,157,253,253,253,253,123,0,0,0,0,0,29,213,253,253,0,0,0,0,0,0,0,0,0,0,0,29,147,253,253,253,253,218,33,0,0,0,0,0,63,253,253,253,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,214,105,0,0,0,0,0,0,63,253,253,119,0,0,0,0,0,0,0,0,0,0,0,178,253,253,253,253,41,0,0,0,0,0,0,0,111,253,246,75,0,0,0,0,0,0,0,0,0,0,174,242,253,253,218,50,5,0,0,0,0,0,0,23,214,253,232,0,0,0,0,0,0,0,0,0,0,19,221,253,253,217,33,0,0,0,0,0,0,0,0,183,253,253,131,0,0,0,0,0,0,0,0,0,13,188,253,253,231,36,0,0,0,0,0,0,0,0,83,242,246,203,34,0,0,0,0,0,0,0,0,0,118,253,253,222,95,0,0,0,0,0,0,0,1,75,248,253,187,0,0,0,0,0,0,0,0,0,0,0,118,253,253,198,0,0,0,0,0,0,0,14,128,253,253,213,28,0,0,0,0,0,0,0,0,0,0,0,248,253,253,68,0,0,0,0,0,29,204,242,253,253,211,27,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,124,83,83,83,83,206,229,253,253,253,213,27,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,241,176,54,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,235,212,212,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,147,232,232,232,150,96,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,189,254,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,184,248,254,241,198,202,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,179,248,253,227,159,34,0,16,216,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,253,198,106,16,0,0,0,0,0,6,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,254,201,49,0,0,0,0,0,0,33,202,212,26,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,208,7,0,0,0,0,0,0,71,254,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,34,249,253,97,0,0,0,0,0,12,113,249,253,254,221,16,0,0,0,0,0,0,0,0,0,0,0,0,19,226,253,104,0,0,0,0,37,186,253,253,253,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,238,116,141,109,141,215,249,192,168,253,190,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,253,253,253,253,228,95,69,253,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,182,181,181,142,59,0,16,196,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,236,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,244,247,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,233,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,248,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,194,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,207,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,200,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,223,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,252,253,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,252,253,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,253,255,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,217,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,237,242,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,234,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,164,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,12,61,61,12,0,0,0,0,0,0,0,147,252,252,154,7,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,139,0,0,0,0,0,0,14,201,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,70,237,252,252,196,12,0,0,0,0,13,174,252,252,183,7,0,0,0,0,0,0,0,0,0,0,160,217,239,252,252,252,252,36,0,47,98,166,222,252,252,252,167,0,0,0,0,0,0,0,0,0,0,0,195,252,252,252,252,252,252,186,218,240,253,252,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,252,252,253,252,252,252,252,126,3,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,253,255,253,253,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,252,252,252,244,239,228,239,253,252,231,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,96,96,96,96,96,64,46,0,138,253,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,253,236,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,207,252,244,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,230,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,148,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,36,123,207,215,247,225,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,66,119,221,254,254,254,235,191,138,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,82,200,254,254,251,246,159,75,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,175,225,254,254,233,80,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,254,254,192,78,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,251,252,166,50,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,152,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,254,254,205,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,170,254,224,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,81,9,0,46,233,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,247,202,118,142,254,227,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,209,254,254,254,254,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,36,155,218,254,254,243,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,49,49,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,42,18,0,0,0,47,243,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,235,206,0,0,0,0,169,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,236,254,112,0,0,0,69,253,240,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,216,22,0,0,0,151,254,176,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,156,252,248,78,0,0,27,104,240,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,218,254,254,247,149,149,149,218,254,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,254,254,254,254,254,254,254,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,254,254,254,254,254,254,254,254,231,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,14,14,14,14,14,96,254,254,175,37,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,206,254,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,254,225,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,234,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,255,211,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,224,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,247,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,150,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,104,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,208,252,252,228,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,211,252,253,235,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,199,252,252,209,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,221,252,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,199,252,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,200,252,252,252,102,1,0,11,109,109,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,203,252,252,252,206,12,0,64,191,252,252,249,207,121,17,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,203,17,219,195,255,253,253,253,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,106,252,252,252,48,0,0,241,253,250,228,228,234,252,252,47,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,207,18,0,68,213,153,87,0,0,61,252,252,138,0,0,0,0,0,0,0,0,0,0,0,12,202,252,252,156,0,0,36,4,0,0,0,0,84,252,252,36,0,0,0,0,0,0,0,0,0,0,0,12,202,252,252,60,0,0,0,0,0,0,0,64,232,252,191,10,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,172,14,0,0,0,0,0,28,233,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,47,224,252,252,173,85,85,4,86,97,212,252,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,252,219,253,252,252,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,169,252,252,252,252,252,253,252,252,99,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,104,230,252,252,252,132,121,11,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,43,157,170,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,101,248,253,252,252,252,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,242,252,252,253,252,252,252,206,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,241,252,252,252,253,252,252,252,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,241,252,252,252,252,253,204,220,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,242,252,252,252,252,252,94,25,193,252,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,244,252,252,252,252,205,86,0,134,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,115,252,217,131,28,7,0,70,247,252,252,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,59,253,184,9,11,65,132,255,253,253,251,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,160,252,252,252,216,237,252,252,253,252,249,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,252,252,252,252,252,252,253,249,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,126,252,252,241,241,252,252,252,252,253,233,49,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,252,252,252,235,235,252,252,252,252,253,252,252,204,181,181,181,181,181,181,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,190,180,180,253,252,252,252,252,252,252,252,252,126,0,0,0,0,0,0,0,0,253,252,252,252,252,228,128,7,0,0,48,117,180,252,252,252,252,179,116,3,0,0,0,0,0,0,0,0,161,252,252,234,127,25,0,0,0,0,0,0,6,36,64,122,36,5,0,0,0,0,0,0,0,0,0,0,2,23,23,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,63,32,109,191,192,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,242,252,238,227,252,252,253,242,114,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,242,252,252,253,252,252,252,253,252,226,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,84,253,252,252,252,253,252,231,108,108,232,236,144,0,0,0,0,0,0,0,0,0,0,0,0,0,32,211,252,253,252,252,252,144,20,0,0,62,237,252,108,0,0,0,0,0,0,0,0,0,0,0,0,32,125,252,252,253,231,158,35,0,0,0,0,0,134,252,190,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,237,71,0,0,0,0,0,0,79,242,252,211,0,0,0,0,0,0,0,0,0,0,21,206,252,252,252,252,144,0,0,0,0,0,0,0,191,252,252,252,0,0,0,0,0,0,0,0,0,32,212,253,253,253,253,191,0,0,0,0,0,0,0,63,255,253,253,108,0,0,0,0,0,0,0,0,0,197,252,252,252,252,220,15,0,0,0,0,0,0,32,237,253,252,241,77,0,0,0,0,0,0,0,0,0,196,252,252,252,241,184,0,0,0,0,0,0,0,32,236,253,252,215,0,0,0,0,0,0,0,0,0,63,175,252,252,189,77,0,0,0,0,0,0,0,0,105,206,253,210,92,0,0,0,0,0,0,0,0,0,110,253,253,253,144,0,0,0,0,0,0,0,0,73,253,253,255,35,0,0,0,0,0,0,0,0,0,0,233,252,252,128,20,0,0,0,0,0,0,0,135,227,252,210,35,5,0,0,0,0,0,0,0,0,0,0,170,252,252,190,0,0,0,0,0,0,27,37,253,252,252,190,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,108,0,0,0,0,145,144,221,252,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,253,253,253,255,253,253,253,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,222,252,252,252,252,252,252,253,252,241,179,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,221,252,252,252,252,252,237,174,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,108,108,108,108,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,222,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,252,245,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,253,252,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,252,141,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,219,252,252,204,106,18,19,85,85,86,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,252,252,198,25,0,98,209,252,252,253,203,75,0,0,0,0,0,0,0,0,0,0,0,0,23,44,215,253,252,214,28,16,92,243,252,252,252,253,252,202,10,0,0,0,0,0,0,0,0,0,0,48,227,252,252,253,252,227,140,203,253,252,252,252,252,253,252,252,161,0,0,0,0,0,0,0,0,0,0,86,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,253,84,0,0,0,0,0,0,0,0,0,0,9,203,252,252,253,252,252,252,252,215,121,27,27,27,253,252,252,161,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,252,220,31,0,0,0,0,253,252,252,84,0,0,0,0,0,0,0,0,0,0,57,234,252,252,253,252,252,249,99,0,0,0,4,107,253,252,198,28,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,252,252,145,0,0,0,0,107,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,255,215,31,0,0,0,101,222,253,253,255,27,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,252,253,118,85,85,163,226,249,252,252,204,106,3,0,0,0,0,0,0,0,0,0,0,0,0,19,177,252,252,253,252,252,252,252,253,252,252,214,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,227,252,253,252,252,252,252,225,223,114,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,112,253,252,220,112,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,248,248,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,131,243,253,253,246,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,134,235,248,253,253,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,135,248,253,253,253,253,253,253,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,209,253,253,253,253,253,239,145,32,163,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,253,253,253,253,236,145,33,11,99,238,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,233,78,36,0,0,33,253,253,242,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,95,181,78,38,0,0,0,12,162,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,161,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,235,253,253,253,239,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,80,232,253,253,207,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,97,176,176,176,73,46,94,253,253,253,230,30,0,0,0,0,0,0,0,0,0,0,0,0,0,19,163,247,253,253,253,253,253,253,253,253,253,253,153,0,0,0,22,20,0,0,0,0,0,0,0,0,33,202,253,253,236,253,253,253,253,253,253,253,253,253,242,149,43,163,212,190,0,0,0,0,0,0,0,0,255,253,253,253,203,253,253,253,253,253,253,253,253,253,253,253,253,253,253,123,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,237,234,200,104,130,234,234,234,234,234,227,104,51,0,0,0,0,0,0,0,0,248,253,253,253,241,193,110,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,247,126,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,255,122,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,226,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,216,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,253,253,248,191,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,232,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,112,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,217,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,223,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,253,123,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,171,222,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,99,239,253,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,253,252,228,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,199,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,155,253,253,172,122,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,253,238,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,245,253,162,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,221,89,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,254,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,213,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,253,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,174,253,253,253,189,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,217,253,253,253,230,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,237,253,253,253,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,216,253,253,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,233,253,253,253,253,253,215,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,253,125,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,214,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,253,253,253,231,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,220,253,253,253,240,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,217,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,199,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,253,234,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,170,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,252,252,252,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,252,252,230,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,209,253,252,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,255,253,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,242,252,253,237,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,239,252,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,169,252,252,252,117,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,217,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,236,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,208,252,111,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,186,251,251,251,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,251,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,253,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,251,243,220,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,251,253,251,251,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,251,253,251,172,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,174,253,253,255,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,251,251,251,241,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,251,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,244,251,251,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,251,251,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,255,253,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,251,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,205,253,235,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,210,218,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,137,206,252,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,206,179,153,232,233,247,252,252,252,253,252,29,0,0,0,0,0,0,0,0,0,0,0,0,41,169,204,253,252,252,252,252,253,252,252,252,252,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,215,252,252,253,252,252,252,252,253,173,200,252,252,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,236,194,106,62,106,106,0,0,39,253,253,168,27,0,0,0,0,0,0,0,0,0,0,0,0,0,67,141,37,0,0,0,0,0,0,0,127,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,226,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,242,252,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,255,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,253,122,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,252,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,237,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,221,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,60,60,211,246,250,138,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,196,253,253,254,253,253,253,182,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,135,253,253,253,253,254,253,253,253,253,237,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,253,253,253,253,254,253,253,253,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,235,224,100,85,253,253,253,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,119,119,119,119,49,0,0,15,253,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,253,253,253,205,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,248,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,254,223,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,60,60,60,61,220,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,15,15,148,164,212,253,253,253,254,253,253,253,227,147,15,1,0,0,0,0,0,0,0,0,0,0,50,151,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,128,99,0,0,0,0,0,0,0,0,0,149,253,253,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,248,224,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,224,100,74,74,74,180,223,234,235,235,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,229,119,0,0,0,0,0,0,0,43,49,49,0,0,0,0,0,0,0,0,255,253,253,253,253,253,205,111,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,245,253,253,213,102,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,104,104,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,29,0,0,0,0,0,226,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,57,0,0,0,0,57,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,114,0,0,0,0,86,226,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,226,0,0,0,0,0,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,198,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,86,0,0,0,0,29,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,255,198,170,86,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,114,226,255,255,255,255,255,255,226,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,86,198,255,255,170,170,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,235,254,164,56,65,154,155,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,11,121,209,253,253,253,253,253,253,253,253,238,8,0,0,0,0,0,0,0,0,0,0,0,0,0,45,127,253,253,253,253,253,253,253,253,253,253,253,253,9,0,0,0,0,0,0,0,0,0,0,0,0,73,243,253,253,253,253,135,54,35,34,34,46,224,254,176,2,0,0,0,0,0,0,0,0,0,0,0,20,230,253,253,253,242,103,2,0,0,0,0,55,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,210,66,0,0,0,0,0,9,218,253,236,32,0,0,0,0,0,0,0,0,0,0,0,4,200,253,253,243,74,0,0,0,0,0,6,170,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,35,200,213,110,0,0,0,0,0,0,110,253,253,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,222,253,209,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,104,253,225,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,192,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,213,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,227,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,225,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,193,246,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,102,159,159,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,29,95,126,165,222,239,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,188,188,226,254,254,254,254,254,254,254,230,163,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,254,245,197,197,110,26,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,234,254,254,151,38,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,243,254,187,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,155,254,254,186,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,202,254,254,187,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,150,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,254,226,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,251,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,150,252,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,94,35,10,9,4,11,221,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,254,254,246,201,133,148,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,247,254,254,254,254,254,192,132,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,254,254,137,60,57,7,155,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,208,254,254,212,164,251,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,195,241,254,254,254,252,190,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,108,158,158,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,101,255,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,36,143,205,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,235,253,253,253,253,253,240,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,145,234,253,253,253,253,253,253,237,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,253,253,253,253,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,253,253,203,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,251,32,6,152,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,112,194,230,144,0,2,158,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,253,167,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,239,253,253,191,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,253,174,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,109,130,244,249,249,249,252,253,253,242,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,253,253,253,253,253,253,253,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,231,253,233,229,253,253,253,253,253,253,253,253,237,46,0,0,0,0,0,0,0,0,0,0,0,0,26,231,253,253,120,213,253,253,253,167,70,123,222,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,253,253,253,253,167,12,0,0,92,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,22,221,253,253,253,253,244,79,11,0,0,0,2,104,152,43,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,253,253,195,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,171,254,254,255,166,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,213,253,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,66,222,247,253,253,249,144,139,96,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,161,253,253,253,231,138,36,136,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,160,253,253,253,189,38,20,194,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,217,253,253,241,112,6,1,115,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,229,253,253,200,50,0,0,110,253,253,248,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,179,39,0,42,195,250,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,202,253,248,50,6,70,198,253,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,250,162,193,253,253,253,253,253,191,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,253,253,253,253,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,248,253,253,237,140,253,253,253,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,86,86,20,89,253,253,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,220,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,153,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,235,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,164,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,210,253,163,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,229,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,86,0,0,0,0,16,243,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,245,236,6,0,0,0,97,253,222,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,216,253,207,21,0,0,27,238,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,222,254,243,71,0,0,0,153,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,248,254,253,113,0,0,0,32,238,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,230,81,5,0,0,0,113,253,224,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,103,2,0,0,0,58,249,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,254,134,91,20,33,170,253,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,233,255,254,254,254,254,255,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,166,229,253,253,253,254,241,185,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,36,161,253,243,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,151,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,242,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,185,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,76,76,76,76,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,6,6,62,114,202,225,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,253,253,253,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,4,103,239,253,253,253,253,253,253,245,172,172,158,65,65,0,0,0,0,0,0,0,0,0,0,0,0,43,171,253,253,253,253,253,239,110,27,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,68,229,253,253,237,116,253,175,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,136,253,253,253,216,39,4,59,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,249,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,187,253,253,253,236,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,161,230,253,253,253,198,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,113,195,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,253,235,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,173,98,98,25,0,0,74,245,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,253,246,193,115,65,244,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,253,253,253,247,82,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,191,235,253,253,253,233,137,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,75,75,75,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,122,245,185,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,173,251,254,254,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,44,141,141,205,245,250,254,250,218,209,87,2,0,0,0,0,0,0,0,0,0,0,0,0,0,62,188,234,254,254,254,254,254,254,191,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,254,237,226,125,125,22,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,255,141,27,0,0,0,0,0,0,53,74,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,254,172,6,0,0,0,0,12,169,246,254,246,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,114,0,0,0,79,233,254,254,198,122,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,219,254,244,125,27,150,254,254,181,41,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,236,254,254,254,254,254,136,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,254,98,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,183,254,254,98,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,165,253,165,220,254,249,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,168,254,243,25,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,94,0,110,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,205,10,17,191,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,242,254,214,115,192,254,252,163,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,254,254,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,195,254,248,150,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,166,255,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,247,143,14,0,0,0,0,0,35,219,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,253,94,0,0,0,0,33,219,253,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,246,253,247,68,0,0,0,32,220,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,245,253,253,188,0,0,0,0,154,253,253,215,13,0,0,0,0,0,0,0,0,0,0,0,0,0,48,246,253,253,198,13,0,0,0,134,251,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,1,168,253,253,148,6,0,0,0,2,214,253,253,164,4,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,245,26,0,0,0,0,89,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,179,5,0,0,0,10,205,253,253,243,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,253,253,253,186,177,177,104,105,253,253,253,253,244,62,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,253,253,253,253,253,253,253,253,253,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,192,253,253,253,253,253,253,253,253,205,90,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,23,138,253,253,253,219,141,34,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,253,223,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,204,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,250,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,236,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,227,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,147,249,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,165,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,76,169,224,252,253,242,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,191,252,252,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,50,113,191,255,253,253,253,253,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,234,237,252,252,253,252,233,177,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,252,252,252,252,253,154,43,7,165,253,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,245,223,145,84,9,0,4,153,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,127,87,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,13,38,57,57,57,209,252,252,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,169,243,187,224,252,253,252,252,252,252,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,153,252,253,252,252,252,252,253,252,252,252,252,141,15,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,253,255,253,253,253,253,255,253,253,253,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,246,122,0,0,0,0,0,0,0,0,0,0,225,252,252,252,253,252,252,252,252,196,70,87,195,227,253,252,252,223,0,0,0,0,0,0,0,0,0,0,122,230,252,252,253,252,245,208,84,0,0,0,0,47,84,209,223,121,0,0,0,0,0,0,0,0,0,0,0,25,128,252,253,127,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,66,191,244,118,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,110,219,252,252,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,184,246,253,252,252,252,221,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,240,252,252,245,160,77,45,161,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,231,244,252,157,85,21,0,0,136,250,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,7,160,253,255,218,32,0,0,0,0,49,233,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,218,33,0,0,0,0,30,228,252,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,32,0,0,0,0,49,197,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,0,17,93,93,93,233,252,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,231,234,252,252,252,253,252,252,252,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,249,253,255,253,247,230,241,255,253,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,196,207,132,67,0,189,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,236,253,218,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,203,252,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,252,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,156,255,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,147,214,214,215,214,214,250,253,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,241,253,253,253,254,253,253,253,253,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,174,254,253,240,124,117,177,213,188,253,253,244,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,200,40,0,0,0,0,116,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,195,76,0,0,0,0,0,43,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,241,253,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,240,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,255,219,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,221,253,241,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,169,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,94,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,253,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,254,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,254,243,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,184,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,178,252,177,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,195,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,221,153,197,208,207,124,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,157,250,253,252,252,252,252,253,252,252,234,73,0,0,0,0,0,0,0,0,0,0,0,0,0,3,97,222,253,253,255,253,253,245,178,116,136,247,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,252,252,253,244,174,58,0,0,0,163,252,252,0,0,0,0,0,0,0,0,0,0,0,26,122,253,252,252,252,252,215,98,0,0,0,0,0,101,252,252,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,252,252,210,21,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,0,0,168,248,252,253,252,252,252,32,0,0,0,0,0,0,0,184,252,252,0,0,0,0,0,0,0,0,3,170,253,253,243,255,253,247,94,0,0,0,0,0,0,0,0,185,253,190,0,0,0,0,0,0,0,0,45,252,252,235,60,253,252,162,0,0,0,0,0,0,0,0,51,228,252,137,0,0,0,0,0,0,0,0,170,252,252,160,0,253,252,69,0,0,0,0,0,0,0,49,228,252,227,48,0,0,0,0,0,0,0,0,253,252,227,50,0,253,235,44,0,0,0,0,0,0,43,233,252,252,160,0,0,0,0,0,0,0,0,0,253,252,183,0,53,253,206,0,0,0,0,0,0,95,230,253,252,168,35,0,0,0,0,0,0,0,0,0,191,253,253,56,0,244,196,0,0,0,13,97,170,253,253,231,95,0,0,0,0,0,0,0,0,0,0,0,118,252,252,219,57,107,173,47,140,161,212,252,252,252,157,42,0,0,0,0,0,0,0,0,0,0,0,0,7,154,252,252,252,253,252,252,252,252,253,208,183,89,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,194,252,253,252,252,252,168,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,22,23,22,22,22,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,248,254,40,0,90,121,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,253,253,129,142,250,253,245,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,178,254,253,253,253,253,253,253,253,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,253,254,253,253,253,232,173,185,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,206,253,253,254,253,228,73,39,0,9,180,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,12,156,253,253,253,254,174,42,0,0,0,9,180,253,120,0,0,0,0,0,0,0,0,0,0,0,0,11,156,253,253,253,253,214,53,0,0,0,0,41,253,253,120,0,0,0,0,0,0,0,0,0,0,0,9,157,253,253,253,253,239,0,0,0,0,0,0,55,253,253,120,0,0,0,0,0,0,0,0,0,0,0,158,253,253,253,245,162,50,0,0,0,0,0,0,174,253,252,114,0,0,0,0,0,0,0,0,0,0,50,235,253,253,232,44,0,0,0,0,0,0,0,0,174,253,240,0,0,0,0,0,0,0,0,0,0,0,229,254,254,165,42,0,0,0,0,0,0,0,0,118,255,255,177,0,0,0,0,0,0,0,0,0,0,103,252,253,225,38,0,0,0,0,0,0,0,0,121,250,253,228,6,0,0,0,0,0,0,0,0,0,45,232,253,253,186,0,0,0,0,0,0,0,0,123,248,253,238,72,0,0,0,0,0,0,0,0,0,0,121,253,253,253,73,0,0,0,0,0,0,0,30,227,253,253,100,0,0,0,0,0,0,0,0,0,0,0,121,253,253,189,11,0,0,0,0,0,0,121,220,253,253,239,59,0,0,0,0,0,0,0,0,0,0,0,121,253,253,173,0,0,0,0,32,54,118,250,253,253,203,52,0,0,0,0,0,0,0,0,0,0,0,0,121,253,253,185,41,41,62,174,220,253,255,253,238,100,59,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,253,253,253,253,253,253,253,255,171,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,253,253,253,253,253,245,169,107,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,253,239,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,78,202,255,166,146,174,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,114,184,228,253,253,253,253,253,253,209,3,0,0,0,0,0,0,0,0,0,0,0,0,0,1,41,164,228,253,253,253,253,248,248,250,253,253,251,5,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,253,253,253,251,210,125,7,0,98,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,203,172,69,0,0,0,20,194,253,233,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,108,129,10,0,0,0,0,0,39,233,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,221,253,169,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,172,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,111,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,55,212,253,217,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,214,253,246,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,238,253,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,242,253,209,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,163,253,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,220,253,218,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,198,253,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,179,253,202,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,223,150,0,0,0,0,0,0,0,3,31,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,197,252,153,0,21,58,101,133,133,178,214,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,104,224,254,254,201,236,243,254,254,247,210,171,96,80,13,0,0,0,0,0,0,0,0,0,0,0,0,86,250,240,249,253,220,178,139,68,68,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,220,234,87,53,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,189,254,197,74,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,158,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,55,235,254,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,109,0,0,0,0,0,33,231,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,247,127,0,0,0,0,0,55,254,216,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,236,254,216,171,171,128,20,72,235,250,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,237,254,254,254,254,254,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,62,107,176,182,182,179,72,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,255,209,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,208,253,201,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,198,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,90,235,253,235,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,200,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,199,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,159,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,201,253,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,249,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,63,216,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,9,21,174,254,254,139,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,110,212,254,254,254,254,254,254,144,143,204,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,254,252,238,252,254,254,254,254,214,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,246,234,156,57,0,56,67,67,144,254,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,63,36,0,0,0,0,0,0,0,150,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,248,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,219,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,179,254,167,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,232,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,221,245,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,178,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,212,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,233,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,141,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,250,210,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,208,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,170,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,236,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,234,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,139,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,252,252,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,214,253,252,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,163,252,253,209,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,252,242,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,118,244,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,239,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,215,252,239,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,189,252,252,160,0,0,0,29,111,216,220,182,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,180,0,0,126,255,253,253,253,253,253,244,13,0,0,0,0,0,0,0,0,0,0,0,0,27,212,252,229,49,41,100,243,253,252,226,176,148,238,252,99,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,122,53,236,252,209,92,44,27,0,0,198,252,99,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,158,238,248,196,20,0,0,0,0,0,198,252,99,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,252,184,0,0,0,0,0,0,13,210,250,77,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,205,22,0,0,0,0,0,47,172,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,214,26,0,0,5,5,3,103,238,252,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,252,252,205,154,154,197,198,180,252,252,223,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,226,252,252,252,252,252,253,252,252,121,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,119,195,252,252,204,143,142,51,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,253,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,116,253,246,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,253,227,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,126,251,254,235,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,250,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,137,248,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,208,253,253,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,253,253,253,253,137,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,254,254,245,92,0,0,0,2,30,214,254,254,214,83,0,0,0,0,0,0,0,0,0,0,0,14,212,253,253,246,43,0,0,0,13,105,253,253,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,25,253,253,245,97,0,0,0,35,209,253,248,136,125,245,253,170,4,0,0,0,0,0,0,0,0,0,0,48,253,253,193,0,0,0,0,242,254,214,72,0,12,205,253,188,8,0,0,0,0,0,0,0,0,0,0,145,253,253,193,0,0,0,79,250,217,31,0,0,90,253,253,156,0,0,0,0,0,0,0,0,0,0,0,53,253,253,210,18,0,0,202,253,122,0,0,73,236,253,153,37,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,217,108,86,238,253,109,86,160,238,253,229,32,0,0,0,0,0,0,0,0,0,0,0,0,4,125,253,253,253,253,253,253,253,254,253,253,253,230,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,105,222,253,253,253,253,253,254,253,238,122,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,132,231,207,132,132,128,11,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,225,254,160,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,145,250,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,253,150,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,249,253,253,149,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,249,253,227,131,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,249,253,253,68,0,0,0,0,55,79,79,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,250,253,253,148,9,0,0,0,79,238,253,253,222,120,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,106,0,0,17,96,237,253,253,253,253,249,119,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,154,10,0,17,176,253,253,243,194,177,151,253,243,27,0,0,0,0,0,0,0,0,0,0,85,250,253,253,32,0,17,176,253,241,108,58,0,0,27,253,253,117,0,0,0,0,0,0,0,0,0,0,118,253,253,185,10,16,177,253,208,60,0,0,0,0,27,253,253,117,0,0,0,0,0,0,0,0,0,0,118,253,253,155,0,86,253,253,101,0,0,0,0,0,27,253,253,117,0,0,0,0,0,0,0,0,0,0,134,253,253,155,12,107,243,183,21,0,0,0,0,22,123,253,235,102,0,0,0,0,0,0,0,0,0,0,234,253,253,216,191,253,175,0,0,0,0,0,38,219,253,251,99,0,0,0,0,0,0,0,0,0,0,0,109,252,253,253,253,253,221,46,20,118,150,150,219,253,251,148,0,0,0,0,0,0,0,0,0,0,0,0,0,105,236,253,253,253,253,253,253,253,253,253,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,166,252,253,253,253,253,253,248,247,226,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,166,253,253,152,123,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,144,220,253,253,253,253,249,125,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,176,243,253,252,252,252,252,252,252,241,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,236,252,252,253,226,153,96,68,153,240,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,252,194,59,8,0,0,5,23,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,95,0,0,0,0,128,194,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,252,252,229,0,0,35,146,176,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,157,252,252,108,69,240,242,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,241,252,253,252,252,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,236,252,253,252,145,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,224,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,253,253,255,224,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,213,252,122,125,224,252,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,171,243,248,134,12,0,186,252,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,239,252,235,125,0,0,0,147,252,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,252,79,0,0,0,0,120,252,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,219,252,209,36,0,0,0,0,120,252,252,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,232,252,221,24,0,0,4,60,148,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,246,231,154,54,45,156,252,253,252,235,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,247,252,252,252,252,252,252,253,223,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,252,252,252,252,252,128,33,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,172,246,253,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,231,252,252,253,252,252,252,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,255,253,253,241,163,113,113,238,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,240,158,47,0,0,0,225,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,43,0,0,0,0,29,234,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,159,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,178,253,254,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,57,57,107,170,225,252,252,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,178,252,252,252,253,252,252,252,247,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,225,253,252,252,252,253,252,252,252,253,246,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,254,253,253,253,226,113,113,226,254,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,151,38,0,0,38,178,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,38,196,252,253,170,56,6,0,0,0,0,31,149,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,78,9,0,0,0,0,0,0,0,32,177,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,164,254,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,117,237,253,253,248,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,19,154,253,253,253,245,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,25,147,253,253,253,253,253,158,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,177,253,253,253,253,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,242,216,216,248,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,243,176,61,0,0,196,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,203,94,0,0,0,0,118,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,225,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,176,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,243,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,219,253,253,139,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,169,205,205,219,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,88,109,219,253,253,253,253,253,253,253,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,173,253,253,253,253,253,253,253,253,253,253,221,67,0,0,0,0,0,0,0,0,0,0,0,0,0,66,241,253,253,253,253,253,253,253,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,6,189,253,253,253,253,253,253,253,225,112,24,67,238,253,148,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,253,253,253,171,43,0,0,0,15,79,11,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,253,253,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,138,253,253,253,171,45,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,255,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,65,211,253,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,50,103,229,254,254,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,126,217,254,254,254,254,254,254,227,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,201,237,254,254,250,220,135,65,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,240,254,254,220,135,55,0,7,187,254,228,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,254,195,2,0,0,0,80,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,174,27,3,0,0,0,46,231,254,203,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,254,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,191,254,228,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,251,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,218,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,239,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,243,242,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,219,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,220,210,143,143,143,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,100,176,253,252,252,252,252,252,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,152,217,252,252,253,252,252,252,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,156,246,252,252,252,252,226,92,10,32,252,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,252,252,252,252,235,149,39,0,0,119,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,65,249,233,164,164,97,38,0,0,0,79,250,252,221,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,17,0,0,0,0,0,0,3,202,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,252,199,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,246,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,243,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,209,253,177,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,194,252,240,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,158,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,239,252,225,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,215,252,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,206,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,230,252,249,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,135,0,0,0,0,0,0,0,43,227,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,185,247,63,0,0,0,0,0,36,227,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,201,252,251,77,0,0,0,0,6,206,253,174,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,252,205,0,0,0,0,0,91,252,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,9,132,246,253,217,29,0,0,0,0,18,239,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,39,253,253,247,97,0,0,0,0,0,101,253,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,29,213,252,252,97,0,0,0,0,0,64,247,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,155,0,0,0,0,0,31,213,252,247,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,129,0,0,0,0,0,174,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,212,131,53,0,132,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,254,253,253,253,253,255,253,253,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,6,89,203,253,252,252,252,252,253,252,252,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,126,189,252,252,179,126,126,126,82,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,252,226,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,196,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,105,105,105,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,123,209,209,230,253,253,253,238,183,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,217,254,253,253,253,253,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,222,253,254,253,253,196,133,147,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,251,253,253,254,253,108,16,0,4,109,249,253,253,0,0,0,0,0,0,0,0,0,0,0,0,9,145,253,253,253,253,242,100,26,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,0,64,170,253,253,253,253,173,71,0,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,6,167,253,253,253,253,157,6,0,0,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,11,146,253,253,253,253,157,14,0,0,0,0,0,0,6,125,250,253,226,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,14,0,0,0,0,0,0,0,30,253,253,253,104,0,0,0,0,0,0,0,0,0,123,254,254,254,180,71,0,0,0,0,0,0,0,32,211,254,255,236,62,0,0,0,0,0,0,0,0,0,209,253,253,253,74,0,0,0,0,0,0,0,0,199,253,253,253,85,0,0,0,0,0,0,0,0,0,78,238,253,253,204,26,0,0,0,0,0,0,19,164,243,253,253,186,21,0,0,0,0,0,0,0,0,0,254,253,253,253,178,0,0,0,0,0,50,120,206,253,253,253,189,8,0,0,0,0,0,0,0,0,0,0,254,253,253,253,200,75,75,75,102,224,238,253,253,253,253,182,14,0,0,0,0,0,0,0,0,0,0,0,136,248,253,253,253,253,253,253,253,253,254,253,251,223,91,22,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,253,253,253,253,253,254,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,253,253,253,237,163,103,14,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,59,129,208,102,59,59,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,255,221,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,163,252,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,165,214,253,253,253,160,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,93,204,253,253,253,253,160,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,106,172,245,253,253,253,253,253,164,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,212,253,253,253,253,253,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,253,253,253,253,253,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,214,106,6,167,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,207,105,17,0,0,165,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,165,47,23,0,0,0,14,189,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,230,253,252,158,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,7,7,0,0,7,148,253,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,125,222,253,246,125,125,240,253,253,240,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,235,253,253,253,253,253,253,253,253,253,237,101,0,0,0,82,104,104,48,0,0,0,0,0,0,0,0,237,253,253,253,253,253,253,253,253,253,253,253,252,220,220,220,246,253,253,235,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,219,253,253,253,253,253,253,253,253,253,219,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,153,75,34,75,75,153,212,212,212,104,75,75,34,0,0,0,0,0,0,0,0,243,253,253,253,250,225,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,116,116,116,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,141,0,0,0,0,0,57,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,57,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,114,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,29,0,0,0,57,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,57,0,0,0,0,198,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,141,0,0,0,0,114,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,198,86,86,0,57,226,255,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,255,255,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,170,255,255,255,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,226,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,159,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,227,253,253,222,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,100,148,211,210,210,252,253,253,205,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,234,245,253,253,254,253,253,253,253,149,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,235,253,253,253,253,254,229,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,176,55,31,132,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,109,131,131,50,3,0,0,9,147,253,242,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,253,205,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,163,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,197,253,248,146,0,3,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,210,210,210,254,253,253,250,210,210,212,99,0,0,0,0,0,0,0,0,0,0,0,0,0,2,47,133,239,253,253,253,255,253,253,253,253,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,253,253,253,254,239,198,198,198,198,189,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,253,253,125,219,253,253,240,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,241,253,176,95,225,245,253,249,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,246,253,210,253,253,253,206,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,253,253,250,156,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,186,253,229,143,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,181,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,253,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,210,253,213,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,253,212,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,210,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,79,141,141,141,241,255,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,169,169,234,252,253,252,252,252,253,240,130,0,0,0,0,0,0,0,0,0,0,0,0,0,10,85,191,252,253,252,252,252,253,252,252,252,206,81,0,0,0,0,0,0,0,0,0,0,0,0,38,163,229,252,252,252,253,227,139,90,253,202,164,90,13,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,255,234,187,113,0,0,60,241,239,150,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,134,28,0,0,0,63,234,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,38,0,0,0,0,169,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,238,75,0,0,76,243,177,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,250,254,228,104,79,254,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,252,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,252,250,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,244,238,254,228,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,240,81,38,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,196,0,0,216,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,96,0,0,141,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,239,38,0,13,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,244,94,95,206,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,252,252,252,253,196,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,128,253,252,252,252,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,209,254,255,247,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,195,253,243,176,176,235,180,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,206,250,216,66,7,0,8,211,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,240,254,132,6,0,0,0,79,254,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,239,66,3,0,0,0,30,207,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,254,98,0,0,0,0,41,196,254,184,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,220,11,0,0,0,90,225,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,250,226,61,52,98,182,249,254,254,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,254,254,254,254,169,85,222,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,145,181,134,79,6,84,254,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,231,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,250,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,171,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,245,237,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,199,237,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,210,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,241,115,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,241,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,249,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,239,38,0,0,4,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,252,125,0,0,101,179,252,187,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,164,0,57,172,246,253,252,252,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,40,76,243,252,252,253,252,252,252,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,106,63,254,247,100,0,0,26,223,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,56,113,247,103,0,0,0,13,209,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,233,37,76,100,0,0,0,0,95,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,221,25,0,0,0,0,0,76,243,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,255,253,69,0,4,29,66,141,254,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,224,169,179,252,252,252,253,240,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,178,252,252,252,253,252,252,214,156,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,103,177,252,241,139,103,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,150,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,247,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,251,253,227,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,232,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,195,253,253,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,253,253,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,243,253,253,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,249,253,248,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,243,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,253,253,236,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,232,253,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,105,114,254,254,254,254,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,60,229,253,253,253,253,253,253,253,245,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,253,254,253,253,246,238,240,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,222,253,254,253,246,71,0,16,197,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,254,235,80,0,0,0,16,241,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,4,110,249,253,253,242,82,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,253,149,0,0,0,0,0,0,239,253,253,0,0,0,0,0,0,0,0,0,0,0,0,125,249,253,253,253,200,8,0,0,0,0,0,48,244,253,253,0,0,0,0,0,0,0,0,0,0,0,93,246,253,253,253,192,24,0,0,0,0,0,6,156,253,253,138,0,0,0,0,0,0,0,0,0,0,9,198,253,253,253,253,59,0,0,0,0,0,0,30,253,253,253,104,0,0,0,0,0,0,0,0,0,25,202,254,254,254,254,14,0,0,0,0,0,0,0,181,254,255,254,105,0,0,0,0,0,0,0,0,0,96,253,253,253,210,114,3,0,0,0,0,0,0,98,240,253,253,180,18,0,0,0,0,0,0,0,0,7,212,253,253,253,74,0,0,0,0,0,0,10,15,226,253,253,194,21,0,0,0,0,0,0,0,0,0,105,253,253,253,217,39,0,0,0,0,0,0,164,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,238,253,253,253,134,0,0,0,14,75,137,224,243,253,253,244,99,2,0,0,0,0,0,0,0,0,0,0,254,253,253,253,188,74,110,179,193,253,254,253,253,253,226,109,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,253,253,253,253,253,253,253,254,253,245,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,253,253,253,253,253,253,253,253,217,163,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,208,208,248,253,253,210,181,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,104,104,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,80,69,41,16,0,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,230,254,254,249,232,222,232,223,222,222,222,178,167,91,0,0,0,0,0,0,0,0,0,0,0,0,18,234,254,254,230,254,254,254,254,254,254,254,254,254,230,158,0,0,0,0,0,0,0,0,0,0,0,45,228,254,221,32,5,8,8,8,8,8,8,8,8,8,5,1,0,0,0,0,0,0,0,0,0,0,62,241,254,167,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,240,254,164,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,254,254,163,122,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,209,210,230,254,239,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,38,4,5,16,77,250,242,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,247,201,102,0,0,145,249,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,249,253,231,96,248,238,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,208,254,254,254,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,200,247,254,236,172,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,48,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,119,163,195,255,254,163,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,87,204,239,253,253,233,140,108,186,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,89,205,245,253,254,219,138,58,156,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,141,215,253,253,232,144,54,4,0,128,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,167,253,254,233,117,16,0,0,0,59,238,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,124,7,0,0,0,0,62,241,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,250,249,102,0,0,0,0,0,114,239,253,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,202,0,0,0,6,76,192,254,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,249,199,200,199,207,253,246,247,253,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,207,253,253,254,253,253,181,72,195,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,129,181,156,91,13,0,149,255,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,248,238,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,194,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,246,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,230,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,245,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,0,0,0,0,0,0,0,0,0,0,60,189,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,0,0,0,0,0,0,0,0,0,64,239,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,170,254,254,170,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,193,254,254,179,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,254,254,172,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,183,254,254,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,176,254,254,164,34,0,0,0,0,14,47,113,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,220,35,0,0,0,0,103,215,254,254,180,22,0,0,0,0,0,0,0,0,0,0,0,0,51,241,254,250,34,0,0,0,51,168,253,255,254,254,254,141,4,0,0,0,0,0,0,0,0,0,0,42,212,254,254,157,0,0,19,169,245,254,251,177,177,197,254,254,17,0,0,0,0,0,0,0,0,0,0,54,254,254,214,26,0,80,223,254,255,212,41,0,0,66,254,254,17,0,0,0,0,0,0,0,0,0,0,54,254,254,147,3,180,246,254,220,42,13,0,0,0,66,254,254,17,0,0,0,0,0,0,0,0,0,0,60,254,254,98,184,254,253,215,31,0,0,0,0,3,185,254,197,9,0,0,0,0,0,0,0,0,0,0,172,254,254,254,254,252,132,0,0,0,0,0,0,118,254,254,35,0,0,0,0,0,0,0,0,0,0,0,150,254,254,254,253,132,0,0,0,0,0,3,118,224,254,239,29,0,0,0,0,0,0,0,0,0,0,0,54,254,254,254,249,0,0,0,0,0,60,185,254,254,207,48,0,0,0,0,0,0,0,0,0,0,0,0,37,233,254,254,253,202,202,202,202,202,250,254,254,178,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,254,254,254,254,254,254,202,85,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,115,185,199,254,254,227,135,135,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,165,197,193,255,173,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,172,241,251,254,254,212,252,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,168,253,254,254,230,167,51,25,160,87,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,206,254,244,166,82,21,0,4,227,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,246,72,0,0,0,16,145,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,240,254,103,0,6,9,95,215,254,254,251,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,217,254,199,174,220,254,254,248,200,254,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,235,254,254,254,241,139,29,170,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,137,107,23,15,0,39,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,196,254,211,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,251,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,247,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,245,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,251,231,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,235,247,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,230,203,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,152,152,233,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,183,203,243,253,252,253,252,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,193,254,253,254,253,254,253,244,203,123,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,253,252,253,252,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,244,203,183,183,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,40,0,82,243,253,252,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,92,132,254,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,253,252,253,171,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,253,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,233,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,253,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,252,131,131,253,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,193,254,192,41,0,132,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,50,0,0,72,232,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,123,0,0,0,0,163,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,212,0,0,0,0,0,162,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,214,51,21,0,92,233,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,252,223,203,233,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,234,253,255,253,254,253,183,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,91,253,171,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,114,254,254,254,175,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,123,220,253,253,253,253,253,238,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,130,217,254,249,238,238,238,240,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,254,123,0,0,0,30,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,154,251,253,253,161,5,0,0,0,30,253,253,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,253,132,0,0,0,0,27,239,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,40,219,253,253,253,173,0,0,0,0,0,0,134,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,217,253,253,253,237,67,0,0,0,0,0,0,134,253,253,104,0,0,0,0,0,0,0,0,0,0,0,93,246,253,253,237,83,0,0,0,0,0,0,6,156,253,253,104,0,0,0,0,0,0,0,0,0,0,98,198,253,253,253,163,0,0,0,0,0,0,0,30,253,253,226,43,0,0,0,0,0,0,0,0,0,0,165,254,254,242,149,8,0,0,0,0,0,0,0,93,254,255,209,0,0,0,0,0,0,0,0,0,0,15,185,253,235,170,0,0,0,0,0,0,0,0,18,197,253,253,172,0,0,0,0,0,0,0,0,0,0,157,253,253,81,0,0,0,0,0,0,0,0,8,174,253,253,248,56,0,0,0,0,0,0,0,0,0,50,230,253,253,29,0,0,0,0,0,0,0,8,183,253,253,253,93,0,0,0,0,0,0,0,0,0,0,105,253,253,253,29,0,0,0,0,0,0,18,174,253,253,244,99,2,0,0,0,0,0,0,0,0,0,0,93,248,253,253,56,27,0,0,24,30,93,197,253,253,244,109,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,253,239,134,134,226,253,254,253,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,253,253,253,253,255,253,194,93,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,185,253,253,253,253,253,253,253,236,85,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,104,236,253,253,112,104,104,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,48,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,95,164,224,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,141,177,245,248,255,254,253,128,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,220,254,254,254,254,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,144,127,203,228,228,252,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,106,247,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,16,16,16,4,0,92,192,254,246,139,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,254,184,167,233,254,235,183,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,254,254,254,254,254,239,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,237,254,222,223,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,52,20,20,168,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,73,154,89,89,80,0,0,0,0,0,0,85,254,242,43,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,253,137,32,24,27,32,7,183,254,199,43,13,0,0,0,0,0,0,0,0,0,0,0,0,183,254,254,254,254,254,254,237,243,254,197,224,254,213,93,30,0,0,0,0,0,0,0,0,0,0,0,0,204,254,194,163,234,248,254,254,254,254,254,254,247,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,243,116,0,58,83,152,254,254,254,216,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,198,254,243,219,219,219,242,254,254,205,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,254,254,240,197,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,46,46,46,46,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,125,208,254,254,248,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,118,118,209,253,253,253,253,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,244,253,253,253,179,142,142,151,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,250,253,253,253,211,7,0,0,12,208,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,83,228,249,253,253,253,155,21,0,0,0,18,242,253,135,0,0,0,0,0,0,0,0,0,0,0,0,83,217,253,253,253,253,154,9,0,0,0,0,20,253,253,123,0,0,0,0,0,0,0,0,0,0,38,85,237,253,253,253,253,231,111,0,0,0,0,0,10,197,253,190,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,81,0,0,0,0,0,0,88,253,253,123,0,0,0,0,0,0,0,0,36,199,225,253,253,253,253,253,92,12,0,0,0,0,0,0,125,253,211,25,0,0,0,0,0,0,0,0,157,253,253,253,253,253,253,92,12,0,0,0,0,0,0,54,230,250,87,0,0,0,0,0,0,0,0,0,254,226,220,253,253,253,159,12,0,0,0,0,0,0,0,156,253,247,60,0,0,0,0,0,0,0,0,0,71,38,205,253,253,160,11,0,0,0,0,0,0,9,136,226,249,124,0,0,0,0,0,0,0,0,0,0,0,82,250,253,212,26,0,0,0,0,0,0,9,145,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,93,0,0,0,0,0,0,9,78,253,253,229,88,0,0,0,0,0,0,0,0,0,0,0,0,231,253,253,42,0,0,0,0,0,8,145,253,253,236,47,0,0,0,0,0,0,0,0,0,0,0,0,65,201,253,199,62,0,0,22,64,156,179,253,248,139,97,37,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,110,20,130,235,253,253,253,222,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,253,253,253,253,253,243,210,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,250,253,253,253,253,248,142,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,123,123,123,123,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,59,120,239,216,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,20,80,200,214,250,253,254,253,247,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,146,187,253,254,253,253,253,253,254,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,250,253,253,253,214,213,146,131,244,254,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,253,222,58,0,0,0,68,239,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,255,254,175,15,0,0,0,19,201,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,208,253,160,0,0,0,10,167,253,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,229,74,0,19,196,253,195,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,164,253,235,100,201,253,225,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,253,254,162,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,255,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,253,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,138,241,228,159,152,254,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,241,254,234,73,0,0,238,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,165,248,253,193,46,0,0,0,81,253,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,171,0,0,0,0,0,82,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,92,9,0,0,0,4,20,239,253,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,19,0,0,0,55,180,253,254,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,145,212,235,234,247,253,253,192,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,254,253,222,140,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,191,128,128,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,0,128,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,128,0,0,64,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,128,64,64,128,128,64,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,128,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,234,254,228,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,120,236,235,250,210,198,234,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,95,220,253,254,199,49,8,0,56,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,204,253,245,144,54,4,3,161,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,253,227,67,0,0,0,102,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,254,255,192,13,0,0,0,88,241,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,186,8,0,0,40,204,252,253,236,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,217,128,172,217,243,254,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,254,253,253,245,169,156,253,250,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,194,228,142,72,41,0,254,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,255,254,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,248,254,150,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,241,253,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,248,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,250,234,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,245,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,239,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,254,231,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,254,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,172,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,190,254,254,81,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,254,254,165,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,254,202,0,0,9,24,140,74,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,254,220,35,0,69,196,254,254,254,237,130,9,0,0,0,0,0,0,0,0,0,0,0,0,0,17,128,254,254,113,10,88,237,255,254,254,255,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,214,33,162,254,254,226,177,61,73,228,254,53,0,0,0,0,0,0,0,0,0,0,0,0,21,214,254,254,30,125,254,255,145,26,0,0,0,166,254,53,0,0,0,0,0,0,0,0,0,0,0,0,54,254,254,207,65,245,236,59,6,0,0,0,28,247,254,53,0,0,0,0,0,0,0,0,0,0,0,0,170,254,254,92,242,253,147,0,0,0,0,0,146,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,205,254,161,0,0,0,0,0,2,161,254,216,22,0,0,0,0,0,0,0,0,0,0,0,0,172,254,254,254,253,92,0,0,0,0,0,167,254,246,99,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,77,0,0,0,20,66,174,253,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,233,254,254,204,146,202,202,218,254,254,254,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,254,254,254,254,254,254,254,39,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,115,185,254,254,254,254,218,92,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,34,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,115,67,67,120,224,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,246,253,253,253,253,253,253,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,179,227,217,198,105,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,19,0,136,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,50,242,253,216,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,45,93,45,39,0,37,55,176,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,253,246,188,242,253,253,253,250,109,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,253,254,253,253,253,253,166,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,193,221,222,230,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,238,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,89,70,0,0,0,0,0,104,237,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,75,199,250,253,249,232,179,122,204,232,254,253,253,175,8,0,0,0,0,0,0,0,0,0,0,0,0,0,210,209,209,252,253,253,253,253,253,253,255,253,126,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,66,66,167,176,176,128,66,66,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,18,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,134,11,0,0,33,151,212,253,228,154,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,217,253,156,42,98,246,253,253,253,253,253,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,238,239,253,253,253,253,240,182,239,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,38,246,253,253,253,253,220,164,49,47,38,0,201,253,232,0,0,0,0,0,0,0,0,0,0,0,0,79,237,253,253,253,253,253,110,0,0,0,0,0,201,253,253,0,0,0,0,0,0,0,0,0,0,0,38,169,253,253,170,105,164,94,2,0,0,0,0,0,201,253,253,0,0,0,0,0,0,0,0,0,0,5,195,253,253,170,0,0,0,0,0,0,0,0,0,0,201,253,187,0,0,0,0,0,0,0,0,0,6,141,253,253,236,9,0,0,0,0,0,0,0,0,0,11,210,253,61,0,0,0,0,0,0,0,0,0,36,253,253,191,44,0,0,0,0,0,0,0,0,0,12,164,253,183,5,0,0,0,0,0,0,0,0,0,128,253,253,128,0,0,0,0,0,0,0,0,0,0,48,253,253,152,0,0,0,0,0,0,0,0,0,60,237,253,227,29,0,0,0,0,0,0,0,0,0,56,180,253,222,41,0,0,0,0,0,0,0,0,0,136,253,253,129,0,0,0,0,0,0,0,0,0,6,195,253,253,63,0,0,0,0,0,0,0,0,0,0,252,253,253,65,0,0,0,0,0,0,0,0,6,189,253,251,126,1,0,0,0,0,0,0,0,0,0,0,255,253,253,65,0,0,0,0,0,0,0,70,195,253,250,127,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,188,125,48,48,48,48,76,166,239,253,251,127,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,253,253,253,253,253,253,253,253,253,253,224,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,135,253,253,253,253,253,253,253,253,189,127,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,35,124,152,152,152,141,35,35,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,228,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,228,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,234,253,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,252,252,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,201,231,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,207,253,192,113,113,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,249,225,226,178,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,253,252,252,252,252,253,252,239,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,84,84,146,223,223,223,223,253,252,252,227,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,237,252,252,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,238,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,252,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,215,253,252,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,255,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,252,252,252,152,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,57,222,252,252,252,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,252,253,252,245,208,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,215,252,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,222,253,253,255,106,0,0,0,0,0,0,0,0,0,101,222,225,0,0,0,0,0,0,0,0,0,38,219,252,252,252,190,88,85,85,85,85,85,194,225,225,226,249,252,99,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,252,252,252,253,252,252,252,252,228,148,55,19,0,0,0,0,0,0,0,0,0,38,218,252,252,252,253,252,252,252,252,240,223,223,223,145,47,0,0,0,0,0,0,0,0,0,0,0,0,0,38,112,205,252,253,252,141,112,112,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,183,253,227,105,255,129,192,105,105,105,105,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,252,252,253,252,252,252,252,252,252,211,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,237,237,237,237,238,237,246,252,252,252,252,252,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,132,132,146,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,74,230,252,252,202,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,189,252,252,252,204,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,187,252,252,252,204,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,45,45,107,207,252,252,252,202,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,246,252,252,253,252,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,253,253,253,253,255,253,253,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,224,252,241,192,193,192,195,252,252,246,129,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,88,73,0,0,0,6,158,250,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,232,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,135,252,252,252,14,0,0,0,0,0,0,0,0,0,0,0,112,127,0,0,0,0,0,0,0,0,0,164,252,252,252,180,7,0,0,0,0,0,0,0,0,0,0,240,249,251,238,238,238,238,98,90,90,151,238,247,252,252,223,7,0,0,0,0,0,0,0,0,0,0,0,227,252,252,252,252,252,252,252,252,252,253,252,252,252,212,95,0,0,0,0,0,0,0,0,0,0,0,0,43,103,103,103,103,208,252,252,252,252,253,252,154,103,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,255,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,54,6,0,0,0,0,0,0,0,0,148,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,118,0,0,0,0,0,0,0,9,227,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,147,0,0,0,0,0,0,0,54,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,48,246,253,98,0,0,0,0,0,0,0,81,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,34,1,0,0,0,0,0,0,123,253,253,215,26,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,89,11,0,0,0,0,0,12,253,253,247,48,0,0,0,0,0,0,0,0,0,0,0,0,20,194,253,253,253,201,140,32,0,0,0,32,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,172,247,253,253,253,236,177,177,177,216,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,117,183,253,253,253,253,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,41,124,123,41,41,150,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,210,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,249,248,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,252,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,37,140,221,253,241,195,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,191,252,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,110,109,211,252,253,252,252,189,83,0,0,0,0,0,0,0,0,0,0,0,218,217,217,217,217,217,217,237,253,252,252,252,222,138,35,15,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,252,253,220,215,132,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,252,252,252,252,168,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,253,253,253,253,253,253,255,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,138,179,252,252,252,252,253,252,227,217,73,73,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,71,71,92,215,217,247,252,252,253,252,201,98,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,108,190,253,252,252,252,207,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,149,252,253,179,0,0,0,0,0,0,0,0,0,0,0,11,37,37,0,0,0,0,0,0,0,0,0,0,140,252,253,179,0,0,0,0,0,0,0,0,0,0,63,175,252,252,0,0,0,0,0,0,0,0,0,42,221,252,253,97,0,0,0,0,0,0,0,0,0,0,110,253,253,253,62,0,0,0,0,0,16,109,171,253,253,253,208,20,0,0,0,0,0,0,0,0,0,0,78,200,252,252,237,217,217,134,218,217,222,252,253,252,252,210,20,0,0,0,0,0,0,0,0,0,0,0,0,21,92,215,231,252,252,252,253,252,252,252,253,220,112,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,211,252,253,252,252,168,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,128,0,128,64,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,64,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,0,0,0,0,0,0,0,0,64,255,255,255,0,0,0,0,0,0,64,128,255,255,255,128,128,128,255,255,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,128,255,255,191,0,0,0,0,64,255,128,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,64,255,255,128,0,0,0,0,64,191,255,64,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,128,255,255,128,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,255,255,64,0,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,64,0,255,255,191,128,128,128,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,222,97,24,24,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,252,252,252,252,253,194,129,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,187,69,111,215,253,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,192,17,0,0,21,56,219,252,252,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,11,0,0,0,0,0,15,190,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,252,218,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,221,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,255,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,247,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,253,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,222,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,157,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,129,118,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,169,169,170,230,253,253,221,118,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,61,176,254,253,253,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,200,253,253,254,246,180,100,60,60,60,191,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,100,244,253,253,253,254,229,0,0,0,0,0,98,253,231,0,0,0,0,0,0,0,0,0,0,0,0,99,245,253,253,253,253,203,84,0,0,0,0,0,98,253,253,0,0,0,0,0,0,0,0,0,0,16,190,247,253,253,211,93,133,12,0,0,0,0,0,0,98,253,253,0,0,0,0,0,0,0,0,0,12,198,253,253,253,253,156,0,6,0,0,0,0,0,0,0,213,253,195,0,0,0,0,0,0,0,0,13,203,254,254,217,64,230,162,2,0,0,0,0,0,0,10,209,254,249,11,0,0,0,0,0,0,0,0,133,253,253,214,31,0,186,250,104,2,0,0,0,0,47,228,253,244,130,0,0,0,0,0,0,0,0,0,151,253,253,84,0,0,0,129,233,11,0,0,6,118,226,253,224,77,0,0,0,0,0,0,0,0,0,0,254,253,253,84,0,0,0,0,37,4,3,61,182,253,242,170,16,0,0,0,0,0,0,0,0,0,0,0,254,253,253,205,153,61,61,61,61,176,186,253,253,213,89,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,253,253,253,253,253,253,253,253,216,169,60,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,168,180,253,253,253,253,253,176,53,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,36,36,36,36,36,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,38,240,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,210,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,244,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,121,149,254,254,254,254,192,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,224,253,253,253,253,253,253,254,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,237,253,253,253,189,159,164,253,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,251,253,253,232,144,13,0,7,190,254,237,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,154,39,0,0,0,14,253,254,253,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,143,66,11,0,0,0,6,135,253,254,174,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,253,253,177,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,250,253,242,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,220,253,238,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,227,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,207,253,235,158,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,232,174,83,41,41,19,0,0,0,0,32,41,62,174,165,0,0,0,0,0,0,0,0,0,0,97,236,253,253,253,253,253,253,204,161,161,161,161,234,253,253,253,241,13,0,0,0,0,0,0,0,0,0,0,40,219,243,253,253,253,253,253,255,253,253,253,253,253,251,240,248,197,0,0,0,0,0,0,0,0,0,0,0,0,32,120,211,253,253,253,255,253,253,253,147,120,101,0,70,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,118,121,254,254,255,254,232,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,133,237,253,253,253,253,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,245,177,177,103,243,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,61,61,55,0,0,23,227,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,253,253,206,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,253,253,216,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,130,200,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,252,253,253,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,253,253,253,253,253,247,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,147,95,47,47,104,244,253,245,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,96,0,0,0,0,0,0,0,0,0,48,230,200,81,0,0,0,0,0,0,0,0,0,0,154,252,253,236,57,0,0,0,0,0,0,0,0,0,118,253,253,198,0,0,0,0,0,0,0,0,3,150,252,253,233,69,0,0,0,0,0,0,0,0,0,0,118,253,253,211,20,0,0,0,0,0,12,78,201,253,253,233,70,0,0,0,0,0,0,0,0,0,0,0,99,250,253,253,203,179,179,45,91,179,193,253,253,253,214,69,0,0,0,0,0,0,0,0,0,0,0,0,0,88,211,237,253,253,253,253,253,253,253,253,241,165,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,134,253,253,253,253,253,152,116,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,154,253,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,225,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,134,253,252,252,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,210,252,253,177,228,252,241,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,154,253,253,253,163,44,204,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,206,253,252,208,96,0,82,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,98,209,252,252,244,142,13,0,0,169,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,176,249,253,252,252,252,25,0,0,0,13,206,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,255,253,253,253,242,141,104,29,104,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,146,196,196,246,253,252,252,252,253,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,168,168,234,252,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,128,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,246,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,247,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,214,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,177,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,107,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,162,253,196,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,59,235,253,253,253,181,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,117,149,231,253,253,253,231,117,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,53,174,253,253,253,253,228,222,116,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,50,161,220,253,253,253,253,191,93,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,223,122,86,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,246,122,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,242,159,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,80,229,253,253,240,159,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,195,253,253,253,238,159,69,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,179,232,253,253,253,209,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,172,234,253,253,237,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,79,194,253,238,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,217,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,106,213,253,253,163,3,0,0,0,0,0,0,0,0,0,0,0,0,0,64,112,112,41,20,112,112,203,241,253,253,253,212,26,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,253,253,246,244,253,253,253,253,253,253,155,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,76,129,205,253,253,253,253,223,129,93,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,188,255,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,159,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,215,182,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,227,253,164,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,224,253,239,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,249,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,225,19,0,0,0,0,0,0,0,0,66,114,99,58,0,0,0,0,0,0,0,0,0,0,0,197,253,253,119,0,0,0,0,0,0,0,2,116,250,253,253,212,0,0,0,0,0,0,0,0,0,0,0,234,253,253,82,0,0,0,0,0,0,18,109,253,253,253,253,212,0,0,0,0,0,0,0,0,0,0,0,234,253,253,82,0,0,0,0,2,109,215,253,253,253,253,253,235,55,0,0,0,0,0,0,0,0,0,0,234,253,253,82,0,0,0,0,136,253,253,250,129,129,237,253,233,49,0,0,0,0,0,0,0,0,0,0,178,253,253,212,0,0,0,141,251,253,242,72,0,0,145,253,212,0,0,0,0,0,0,0,0,0,0,0,97,253,253,249,138,41,0,227,253,253,107,0,41,138,249,233,69,0,0,0,0,0,0,0,0,0,0,0,21,169,238,253,253,225,199,248,253,253,128,140,226,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,217,253,253,253,253,253,253,253,253,253,214,167,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,96,166,232,251,253,253,253,253,186,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,228,253,253,249,116,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,152,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,214,254,253,192,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,236,253,236,91,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,199,253,169,19,152,253,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,254,254,68,0,0,102,254,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,198,48,0,0,0,0,169,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,206,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,249,236,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,202,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,255,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,214,254,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,48,48,48,48,103,226,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,162,199,254,254,254,254,254,155,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,91,171,246,254,237,114,31,10,10,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,182,254,254,181,103,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,230,52,3,0,0,0,0,0,0,0,0,0,0,74,86,0,0,0,0,0,0,0,0,0,0,0,215,254,204,23,0,0,0,0,0,0,0,0,0,0,20,229,94,0,0,0,0,0,0,0,0,0,0,0,90,244,254,233,41,6,0,0,0,0,0,0,0,25,232,243,50,0,0,0,0,0,0,0,0,0,0,0,0,29,216,254,254,171,36,0,0,0,0,0,45,200,238,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,175,254,254,235,88,0,1,6,159,243,198,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,201,254,234,74,171,254,248,170,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,181,254,254,254,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,111,235,254,254,231,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,119,222,254,216,184,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,212,253,254,220,51,9,53,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,246,146,9,0,0,85,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,250,254,127,0,0,0,57,245,254,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,198,7,0,0,71,207,254,228,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,171,0,3,109,242,254,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,224,161,188,254,254,161,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,254,255,205,82,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,63,151,235,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,223,254,227,226,254,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,234,254,214,133,5,3,120,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,213,51,3,0,0,0,130,230,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,189,252,190,41,0,0,0,0,18,241,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,202,254,150,12,0,0,0,0,0,138,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,203,4,0,0,0,0,0,26,232,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,206,116,116,85,74,116,144,218,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,254,254,254,254,254,218,172,186,247,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,110,110,103,14,14,8,44,199,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,225,240,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,184,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,199,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,244,219,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,247,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,208,247,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,92,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,253,252,20,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,132,253,244,162,183,61,152,233,255,253,132,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,223,253,212,81,123,203,243,253,252,253,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,51,193,254,233,142,20,132,253,224,102,102,102,82,41,193,253,0,0,0,0,0,0,0,0,0,0,21,183,233,252,131,30,0,123,253,212,40,0,0,0,0,0,112,252,0,0,0,0,0,0,0,0,11,92,254,253,163,20,0,0,51,233,142,0,0,0,0,0,0,0,153,253,0,0,0,0,0,0,0,0,92,252,253,171,20,0,0,0,233,252,61,0,0,0,0,0,0,0,152,252,0,0,0,0,0,0,0,0,254,253,123,0,0,0,0,0,254,192,0,0,0,0,0,0,0,62,254,172,0,0,0,0,0,0,0,0,253,252,0,0,0,0,0,0,253,232,0,0,0,0,0,0,0,142,213,10,0,0,0,0,0,0,0,0,254,151,0,0,0,0,0,0,82,243,173,31,0,0,0,21,173,253,123,0,0,0,0,0,0,0,0,0,253,192,0,0,0,0,0,0,0,81,213,232,123,0,21,203,253,130,0,0,0,0,0,0,0,0,0,0,254,253,92,31,0,0,0,0,0,0,0,0,11,92,254,253,123,0,0,0,0,0,0,0,0,0,0,0,172,252,253,232,142,102,102,102,102,102,102,183,92,91,50,50,0,0,0,0,0,0,0,0,0,0,0,0,0,82,203,243,255,253,254,253,254,253,224,203,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,50,131,151,151,131,50,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,236,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,246,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,252,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,201,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,187,252,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,213,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,252,221,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,252,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,255,239,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,222,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,174,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,168,197,253,255,253,133,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,252,253,252,252,248,204,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,40,158,158,253,252,252,252,252,246,205,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,39,39,39,208,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,208,252,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,189,252,252,212,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,70,185,252,252,214,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,146,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,190,255,253,209,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,247,252,253,150,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,94,189,252,252,202,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,193,223,252,252,243,95,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,206,252,252,252,185,47,0,0,0,0,0,0,0,0,0,43,67,32,0,0,0,0,0,0,0,0,26,208,252,252,174,66,21,0,0,0,0,0,0,0,0,12,75,228,252,217,0,0,0,0,0,0,0,0,211,252,252,209,25,0,0,0,0,0,0,17,41,41,146,181,239,252,252,252,0,0,0,0,0,0,0,0,239,252,252,252,179,160,160,160,160,160,161,199,252,252,146,128,205,225,147,93,0,0,0,0,0,0,0,0,51,161,250,252,252,252,252,252,252,252,253,252,247,238,133,106,33,0,0,0,0,0,0,0,0,0,0,0,0,0,107,119,154,252,252,238,119,119,120,119,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,253,253,253,255,253,253,253,253,255,180,107,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,252,207,206,219,252,252,253,252,252,219,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,69,69,69,0,0,19,69,69,69,141,234,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,192,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,47,151,253,252,218,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,70,172,252,252,247,162,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,134,207,212,252,252,252,168,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,252,252,253,252,252,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,230,178,116,136,237,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,244,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,237,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,245,58,0,0,0,0,0,0,0,0,0,0,0,64,189,230,230,73,0,0,0,0,0,0,0,0,197,252,178,0,0,0,0,0,0,0,0,0,0,0,0,74,245,253,253,86,0,0,0,0,0,0,0,81,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,158,0,0,0,0,0,0,104,228,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,13,152,240,252,174,57,0,26,70,185,228,252,195,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,234,253,244,207,224,252,253,235,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,86,211,252,252,252,137,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,119,0,0,0,0,0,0,7,204,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,224,19,0,0,0,0,0,82,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,224,19,0,0,0,0,0,131,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,118,0,0,0,0,0,0,157,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,106,0,0,0,0,0,4,179,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,81,0,0,0,0,0,29,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,196,10,0,0,0,0,19,224,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,178,0,0,0,0,26,243,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,253,253,242,116,7,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,122,221,253,252,187,119,79,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,119,187,252,252,253,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,178,253,252,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,215,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,36,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,76,172,199,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,83,190,190,190,134,190,190,198,254,254,254,226,128,0,0,0,0,0,0,0,0,0,0,0,0,0,38,204,254,254,254,254,254,254,254,254,196,165,71,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,187,147,147,147,147,142,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,254,184,116,24,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,217,254,254,254,175,53,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,151,209,254,255,254,174,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,59,158,248,254,206,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,208,254,89,0,0,0,0,0,0,0,0,0,0,0,0,177,232,128,0,0,0,0,0,0,0,0,0,0,131,254,196,0,0,0,0,0,0,0,0,0,0,0,0,69,197,253,216,34,7,0,0,0,0,0,0,6,192,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,15,131,225,249,210,35,0,0,0,0,12,185,254,255,89,0,39,17,0,0,0,0,0,0,0,0,0,0,0,0,0,73,214,252,166,92,48,48,180,254,254,213,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,221,254,254,254,254,254,254,215,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,64,171,191,254,184,119,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,238,253,242,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,235,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,232,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,236,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,144,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,240,253,184,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,206,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,184,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,163,255,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,247,54,0,0,0,0,0,0,0,40,145,145,145,32,0,0,0,0,0,0,0,0,0,0,0,25,253,253,193,0,0,0,0,0,0,4,112,222,253,253,253,217,15,0,0,0,0,0,0,0,0,0,0,20,235,253,204,12,0,0,0,0,32,178,253,253,253,253,253,253,24,0,0,0,0,0,0,0,0,0,0,0,128,253,253,106,12,0,0,117,220,253,245,169,173,253,253,184,7,0,0,0,0,0,0,0,0,0,0,0,26,229,253,253,164,45,119,251,254,200,51,0,61,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,55,229,253,253,235,249,253,204,21,0,17,183,253,143,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,231,253,253,253,253,172,109,218,225,253,87,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,64,238,253,253,254,253,253,232,58,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,122,190,249,132,57,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,237,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,252,252,252,244,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,169,84,170,252,253,224,117,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,63,0,11,42,165,252,252,242,211,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,150,27,0,0,0,0,36,106,187,253,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,252,0,0,0,0,0,0,0,0,16,221,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,82,0,0,0,0,0,0,0,0,59,249,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,247,231,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,247,251,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,228,253,137,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,218,253,194,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,213,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,252,212,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,226,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,122,146,169,255,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,227,253,253,253,253,214,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,122,250,252,211,139,117,32,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,174,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,167,253,242,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,253,246,173,6,13,17,89,125,125,198,233,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,168,253,253,195,234,253,253,233,205,216,199,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,169,253,253,253,253,206,90,33,6,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,228,253,246,233,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,79,232,253,196,57,17,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,203,19,0,17,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,245,28,0,0,1,166,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,99,0,0,0,12,225,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,253,65,0,0,0,61,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,181,19,33,153,251,253,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,221,253,253,249,114,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,102,180,207,233,145,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,243,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,78,251,254,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,36,36,24,36,104,254,254,247,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,124,202,235,254,254,236,254,254,254,209,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,251,157,156,156,230,239,156,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,253,162,110,45,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,254,254,254,254,216,199,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,93,147,172,237,246,254,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,238,243,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,249,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,193,42,0,0,0,65,238,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,186,17,10,84,228,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,234,254,231,213,254,251,178,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,186,254,254,229,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,142,72,0,0,0,0,70,255,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,161,0,0,0,0,153,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,77,0,0,0,16,220,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,249,59,0,0,0,34,242,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,202,254,189,0,0,0,0,37,246,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,106,0,0,0,0,44,254,254,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,243,34,0,0,0,0,44,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,225,72,14,0,0,0,44,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,229,178,136,82,112,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,252,254,254,254,254,254,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,48,115,143,143,143,198,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,214,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,221,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,244,40,0,0,0,0,0,0,0,102,255,213,0,0,0,0,0,0,0,0,0,0,0,0,21,183,253,252,40,0,0,0,0,0,0,0,0,142,253,212,0,0,0,0,0,0,0,0,0,0,0,21,214,253,203,20,0,0,0,0,0,0,0,21,173,253,224,20,0,0,0,0,0,0,0,0,0,0,123,223,253,130,20,0,0,0,0,0,0,0,0,183,253,212,40,0,0,0,0,0,0,0,0,0,11,173,254,233,123,0,0,0,0,0,0,0,0,21,173,253,203,20,0,0,0,0,0,0,0,0,0,0,173,252,233,50,0,0,0,0,0,0,0,0,82,223,253,130,20,0,0,0,0,0,0,0,0,0,0,0,254,253,254,172,132,31,0,0,0,0,11,92,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,151,192,253,252,253,232,183,102,0,0,173,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,163,203,254,253,234,193,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,232,253,252,172,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,233,232,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,233,0,142,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,111,0,102,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,50,0,163,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,172,123,243,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,254,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,151,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,148,253,255,224,101,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,252,252,253,252,252,203,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,209,154,222,252,252,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,251,252,178,6,0,7,144,251,252,120,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,234,252,243,137,0,0,0,0,170,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,234,252,252,122,0,0,0,0,0,132,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,252,252,242,52,0,0,0,0,0,132,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,64,0,0,0,0,0,0,199,252,237,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,114,66,6,0,0,0,0,0,74,250,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,250,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,229,252,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,252,157,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,245,253,162,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,252,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,224,252,128,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,0,0,0,0,0,0,55,236,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,216,51,0,0,0,0,16,232,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,126,0,0,0,0,22,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,252,126,0,0,0,0,22,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,126,0,0,0,0,110,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,253,109,0,0,0,0,84,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,127,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,252,21,0,0,0,0,180,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,252,21,0,0,0,0,232,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,252,21,0,0,0,0,232,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,255,253,245,148,148,43,78,245,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,231,252,252,252,253,252,252,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,118,126,126,232,247,252,221,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,226,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,231,133,41,13,13,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,155,145,140,25,100,145,59,25,17,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,253,253,253,253,253,253,254,253,253,253,253,253,221,98,0,0,0,0,0,0,0,0,0,0,0,123,253,253,242,147,205,205,249,253,254,253,223,237,253,253,253,221,16,0,0,0,0,0,0,0,0,0,0,25,253,242,146,0,0,0,66,72,72,72,28,48,116,253,253,184,7,0,0,0,0,0,0,0,0,0,0,6,60,49,0,0,0,0,0,0,0,0,0,0,96,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,206,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,214,254,251,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,171,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,223,253,242,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,253,175,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,248,254,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,181,249,126,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,230,134,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,255,252,242,254,254,247,168,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,162,44,156,254,254,254,231,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,134,0,1,42,165,243,254,252,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,181,54,0,0,0,0,45,182,254,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,242,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,205,254,238,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,254,231,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,240,254,227,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,205,254,234,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,105,249,254,165,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,254,198,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,254,210,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,211,255,218,136,136,136,136,136,106,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,210,253,253,253,253,253,253,253,253,253,182,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,205,253,253,237,200,200,202,253,253,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,65,65,45,0,0,12,253,253,253,158,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,152,253,253,200,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,233,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,125,224,252,253,234,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,99,220,253,253,243,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,160,168,253,253,253,174,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,253,253,253,253,91,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,252,219,253,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,40,23,41,145,253,253,235,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,59,235,253,247,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,242,253,223,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,10,52,31,0,0,0,0,0,0,0,55,204,253,246,66,0,0,0,0,0,0,0,0,0,0,0,0,0,129,242,226,201,201,89,84,84,111,201,245,253,249,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,174,225,235,253,253,253,253,253,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,56,135,135,201,253,226,135,135,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,146,231,220,125,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,197,254,209,155,191,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,248,223,121,0,0,25,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,247,213,46,0,0,0,62,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,226,28,0,0,0,0,146,248,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,196,0,0,0,0,73,243,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,228,51,0,0,24,221,221,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,248,206,148,186,254,209,211,217,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,61,172,225,254,254,249,211,254,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,8,8,7,107,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,212,240,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,235,235,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,255,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,234,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,184,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,182,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,153,229,161,0,0,0,0,0,64,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,245,210,148,81,0,0,0,0,26,189,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,141,240,214,29,0,0,0,0,0,0,66,249,62,0,0,0,0,0,0,0,0,0,0,0,0,0,51,197,253,151,25,0,0,0,0,0,0,68,229,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,155,25,0,0,0,0,0,0,7,170,255,56,0,0,0,0,0,0,0,0,0,0,0,0,22,230,254,110,4,0,0,0,0,0,0,9,199,253,90,2,0,0,0,0,0,0,0,0,0,0,0,30,161,253,205,13,0,0,0,0,0,0,15,166,242,162,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,68,0,0,0,0,0,0,0,195,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,254,254,254,254,211,161,104,32,7,204,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,131,115,207,215,253,253,254,224,182,253,157,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,46,79,169,253,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,254,228,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,214,254,77,136,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,253,205,13,108,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,220,253,68,0,140,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,221,254,68,13,221,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,211,253,85,97,253,236,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,225,232,242,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,228,254,236,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,188,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,130,248,233,161,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,68,123,253,134,15,0,0,0,0,0,47,17,0,0,0,0,0,0,0,0,0,0,0,0,0,10,65,212,253,212,53,0,0,0,0,0,0,91,247,70,0,0,0,0,0,0,0,0,0,0,0,0,43,182,253,224,86,10,0,0,0,0,0,0,91,246,177,10,0,0,0,0,0,0,0,0,0,0,0,42,225,247,206,42,0,0,0,0,0,0,0,91,245,228,32,0,0,0,0,0,0,0,0,0,0,0,65,231,247,97,0,0,0,0,0,0,0,0,91,246,228,47,0,0,0,0,0,0,0,0,0,0,0,0,122,253,240,147,63,4,0,0,0,0,0,120,247,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,44,178,246,253,253,198,141,6,0,0,118,248,196,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,94,177,253,253,220,58,116,250,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,94,232,254,255,232,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,142,253,254,202,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,232,232,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,247,227,17,118,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,250,100,0,79,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,193,0,0,91,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,109,0,19,236,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,242,37,54,234,254,157,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,246,188,253,253,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,174,247,165,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,154,253,253,203,255,253,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,252,252,252,253,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,206,142,56,56,56,75,228,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,139,90,13,0,0,0,0,107,252,252,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,104,253,244,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,194,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,160,240,252,244,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,113,163,241,252,252,151,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,204,253,253,253,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,203,240,215,252,253,252,224,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,43,19,56,69,187,252,252,185,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,240,253,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,76,0,0,0,0,0,0,0,104,252,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,238,38,0,0,0,0,0,0,128,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,229,228,104,4,0,0,0,13,204,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,234,252,178,108,57,57,194,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,252,253,252,252,252,244,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,78,203,252,252,202,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,252,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,218,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,252,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,255,216,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,243,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,193,252,222,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,252,252,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,252,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,185,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,157,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,85,201,252,210,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,22,128,237,252,250,231,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,64,183,252,252,236,189,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,115,239,252,253,217,138,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,166,253,253,243,167,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,224,116,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,210,119,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,128,227,252,252,231,169,109,64,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,121,155,252,252,253,252,232,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,185,232,253,253,131,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,89,203,253,205,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,191,252,179,0,0,0,0,0,0,0,0,0,0,0,22,32,0,0,0,0,0,0,0,0,0,0,0,0,43,252,231,0,0,0,0,0,0,0,0,0,0,0,173,126,0,0,0,0,0,0,0,0,0,0,0,0,175,252,143,0,0,0,0,0,0,0,0,0,0,0,141,53,0,0,0,0,0,0,0,0,0,0,11,87,255,253,109,0,0,0,0,0,0,0,0,0,0,0,99,78,0,0,0,0,0,0,0,0,0,43,171,252,253,110,5,0,0,0,0,0,0,0,0,0,0,0,7,170,232,144,22,22,22,22,22,39,127,234,252,244,65,5,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,215,253,252,252,252,252,253,252,221,162,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,104,147,155,252,164,147,68,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,162,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,224,122,0,0,0,0,0,0,0,0,52,31,0,0,0,0,0,0,0,0,0,0,0,41,213,252,253,130,20,0,0,0,0,0,0,0,21,183,253,151,0,0,0,0,0,0,0,0,0,0,52,233,254,233,123,0,0,0,0,0,0,0,11,132,255,233,183,61,0,0,0,0,0,0,0,0,0,82,233,252,233,50,0,0,0,0,0,0,0,82,213,252,233,50,0,0,0,0,0,0,0,0,0,0,51,233,254,233,0,0,0,0,0,0,0,21,173,253,244,162,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,192,0,0,0,0,0,0,62,203,253,212,81,0,0,0,0,0,0,0,0,0,0,0,0,0,62,142,254,253,254,172,21,0,11,92,254,233,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,192,253,252,223,162,173,252,192,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,254,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,244,162,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,253,252,81,0,172,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,244,81,0,0,51,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,203,0,0,0,173,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,82,0,0,123,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,82,0,163,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,253,254,233,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,252,192,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,110,150,253,253,255,253,253,253,110,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,252,253,252,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,237,215,215,132,133,215,221,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,62,0,0,0,0,0,37,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,201,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,237,252,252,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,155,253,252,241,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,232,252,253,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,237,252,252,191,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,115,222,252,253,189,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,211,252,252,252,217,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,206,252,252,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,233,253,253,253,253,217,0,0,0,0,0,0,0,79,109,63,94,129,108,0,0,0,0,0,0,0,0,109,252,252,252,252,252,247,217,218,217,217,217,218,217,242,252,238,247,252,108,0,0,0,0,0,0,0,0,109,252,252,252,252,252,252,252,253,252,252,252,253,252,252,252,253,220,215,92,0,0,0,0,0,0,0,0,47,108,211,252,252,252,252,252,253,252,252,252,108,108,108,108,108,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,255,217,47,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,235,253,253,253,209,184,83,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,205,253,229,139,193,249,253,253,246,222,119,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,247,39,0,0,22,102,204,229,245,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,208,0,0,0,0,0,0,28,126,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,169,37,0,0,0,0,0,0,29,217,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,234,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,237,253,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,234,253,192,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,234,253,197,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,184,253,246,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,127,253,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,168,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,250,253,168,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,234,253,194,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,197,253,234,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,246,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,159,250,57,0,0,0,0,0,0,0,0,123,255,81,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,99,0,0,0,0,0,0,0,0,151,253,176,0,0,0,0,0,0,0,0,0,0,0,0,9,181,253,249,60,0,0,0,0,0,0,0,0,232,253,85,0,0,0,0,0,0,0,0,0,0,0,0,81,253,253,233,0,0,0,0,0,0,0,0,86,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,0,0,0,89,253,253,66,0,0,0,0,0,0,0,0,0,0,0,165,251,253,184,5,0,0,0,0,0,0,0,0,175,253,253,66,0,0,0,0,0,0,0,0,0,0,32,231,253,222,38,0,0,0,0,0,0,0,0,0,199,253,232,34,0,0,0,0,0,0,0,0,0,0,134,253,253,88,0,0,0,0,0,0,0,0,0,0,199,253,209,0,0,0,0,0,0,0,0,0,0,25,234,253,237,23,0,0,0,0,0,0,0,0,0,0,199,253,209,0,0,0,0,0,0,0,0,0,0,34,253,253,251,149,73,0,0,0,0,0,0,0,0,25,223,253,209,0,0,0,0,0,0,0,0,0,0,0,30,202,253,254,254,148,34,9,0,0,0,0,3,130,254,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,131,201,253,253,253,197,81,59,0,0,23,253,253,246,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,44,149,253,253,253,249,210,167,114,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,10,44,169,232,231,231,243,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,251,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,236,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,72,148,254,172,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,114,154,184,253,249,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,121,11,0,37,227,254,217,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,255,253,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,254,147,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,226,254,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,224,253,224,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,186,250,253,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,207,253,252,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,250,253,234,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,253,253,196,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,156,248,253,253,229,122,122,26,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,123,209,250,253,253,253,198,155,64,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,66,66,162,221,253,253,248,188,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,33,76,152,253,253,238,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,255,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,235,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,248,229,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,250,229,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,162,253,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,253,239,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,255,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,235,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,203,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,241,240,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,221,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,235,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,235,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,255,214,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,230,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,236,234,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,171,233,230,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,136,212,254,196,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,85,163,240,254,254,197,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,72,217,254,254,220,176,60,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,182,254,237,195,118,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,252,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,249,121,121,121,121,121,83,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,184,254,254,254,254,254,254,254,254,211,80,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,111,160,160,72,154,160,160,231,254,225,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,204,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,197,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,141,254,239,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,48,189,254,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,142,192,160,192,192,231,254,254,231,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,235,254,254,254,254,254,202,118,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,225,0,0,0,0,0,111,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,225,0,0,0,0,0,141,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,221,254,137,0,0,0,0,0,176,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,249,52,0,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,254,197,0,0,0,0,0,0,141,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,235,254,176,0,0,0,0,0,0,197,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,93,0,0,0,0,0,0,236,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,190,3,0,0,0,0,0,29,242,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,248,254,145,0,0,0,0,0,0,73,248,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,8,232,254,254,158,0,0,0,0,0,0,169,254,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,235,108,24,10,0,0,0,169,254,242,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,171,240,254,254,254,254,170,86,80,226,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,143,217,254,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,47,47,47,47,97,254,254,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,238,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,212,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,222,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,211,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,91,177,247,253,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,161,253,253,253,192,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,210,252,253,249,192,68,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,61,166,166,204,254,253,253,215,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,161,218,253,253,253,253,243,136,55,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,146,253,253,253,248,175,131,36,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,244,170,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,239,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,167,253,253,253,233,111,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,221,233,254,254,254,254,193,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,82,187,236,253,254,233,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,92,211,253,236,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,247,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,204,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,10,188,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,198,155,145,45,45,45,45,127,241,255,253,173,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,253,253,253,253,253,253,244,147,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,33,125,152,253,253,253,186,191,143,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,201,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,252,231,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,22,110,233,247,180,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,124,252,252,253,169,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,211,211,253,252,252,252,208,42,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,227,253,253,253,230,211,115,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,252,245,141,63,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,182,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,252,210,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,252,252,235,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,158,211,247,255,253,191,43,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,168,231,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,180,252,200,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,45,0,0,0,0,0,0,0,0,0,0,0,0,0,29,182,120,14,0,0,0,0,0,0,64,221,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,252,252,236,216,92,22,22,66,145,239,252,167,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,84,111,189,253,252,252,252,252,253,252,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,121,244,252,208,147,112,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,128,250,178,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,254,254,101,0,0,0,0,0,0,0,4,9,0,0,0,0,0,0,0,0,0,0,0,0,0,75,246,254,254,193,2,0,0,0,0,0,0,9,172,227,22,0,0,0,0,0,0,0,0,0,0,6,154,244,252,241,236,69,0,0,0,0,0,0,15,171,247,153,0,0,0,0,0,0,0,0,0,0,33,160,254,254,127,27,5,0,0,0,0,0,21,125,231,244,77,0,0,0,0,0,0,0,0,0,0,0,201,254,240,127,3,0,0,0,0,0,8,42,237,254,202,29,0,0,0,0,0,0,0,0,0,0,0,41,242,254,168,0,0,0,0,0,0,2,126,254,254,169,21,0,0,0,0,0,0,0,0,0,0,0,0,4,140,240,253,211,85,0,0,0,44,221,254,215,48,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,242,254,248,123,6,111,230,254,171,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,188,254,254,172,254,254,131,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,156,254,254,254,131,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,126,254,254,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,163,254,246,208,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,162,254,247,124,44,248,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,254,179,0,27,245,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,255,87,5,148,254,241,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,247,75,149,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,203,254,251,254,239,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,202,225,142,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,250,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,227,188,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,211,249,5,0,0,0,0,0,0,0,0,14,99,103,10,0,0,0,0,0,0,0,0,0,0,0,0,64,253,214,0,0,0,0,0,0,0,0,70,246,254,253,146,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,67,0,0,0,0,0,0,124,238,253,254,253,163,0,0,0,0,0,0,0,0,0,0,0,0,9,221,254,162,15,0,0,0,0,52,250,226,220,255,220,31,0,0,0,0,0,0,0,0,0,0,0,0,0,48,228,254,230,113,60,7,8,184,253,232,248,203,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,121,203,248,253,240,241,253,248,181,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,60,60,105,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,148,238,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,220,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,99,0,0,0,0,94,226,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,244,15,0,0,0,0,170,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,175,254,143,0,0,0,0,0,170,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,254,254,27,0,0,0,0,0,170,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,4,0,0,0,0,4,228,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,170,1,0,0,0,0,5,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,249,149,52,0,0,0,172,254,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,186,240,254,248,129,45,26,184,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,132,217,251,254,236,242,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,101,140,162,254,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,206,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,107,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,231,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,245,254,81,0,0,0,0,3,34,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,237,253,253,147,0,0,0,27,83,253,193,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,244,44,12,0,0,0,61,249,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,250,253,79,0,0,0,0,0,0,234,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,22,0,0,0,0,0,0,133,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,184,5,0,0,0,0,0,0,46,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,160,0,0,0,0,0,0,0,28,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,55,0,0,0,0,0,0,0,200,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,236,38,0,0,0,0,0,0,0,243,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,198,0,0,0,0,0,0,0,0,243,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,206,8,0,0,0,0,0,0,0,244,255,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,155,6,0,0,0,0,0,0,243,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,17,202,253,253,214,142,26,0,0,0,0,243,253,253,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,193,249,253,253,212,133,71,23,66,249,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,189,232,253,253,255,253,253,253,253,171,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,89,165,165,165,200,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,250,253,202,183,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,195,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,4,0,0,0,0,0,7,154,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,178,0,0,0,0,0,82,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,240,252,0,0,0,0,0,82,252,252,235,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,0,0,0,0,0,32,228,252,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,128,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,196,9,0,0,0,0,0,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,168,0,0,0,0,0,0,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,56,0,0,0,0,0,0,70,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,130,0,0,0,0,0,0,169,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,38,137,253,252,234,197,85,85,57,0,198,234,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,252,252,253,252,243,225,253,252,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,150,250,254,253,253,253,254,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,97,196,196,196,197,234,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,255,153,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,227,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,216,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,150,241,243,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,219,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,233,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,254,254,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,237,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,230,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,158,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,86,230,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,193,254,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,188,253,240,227,94,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,243,236,152,21,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,247,206,49,0,0,0,0,0,0,38,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,216,14,0,0,0,0,0,0,12,224,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,254,103,10,0,0,0,0,0,1,128,225,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,184,245,254,244,147,67,20,0,0,83,245,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,97,159,221,253,196,26,62,244,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,228,226,243,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,252,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,166,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,243,254,254,254,239,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,209,254,193,13,213,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,209,255,149,8,0,211,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,199,5,0,58,251,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,254,68,0,28,214,243,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,214,3,71,211,241,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,230,137,236,211,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,215,210,137,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,190,159,159,180,208,194,255,254,254,254,201,159,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,248,253,253,253,253,239,216,215,215,215,236,253,212,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,56,56,56,56,35,0,0,0,0,72,253,187,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,137,251,225,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,253,249,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,236,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,235,253,187,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,191,248,182,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,105,212,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,177,254,254,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,253,190,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,236,253,189,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,220,253,187,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,237,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,251,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,228,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,131,248,251,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,196,253,253,247,139,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,105,131,235,247,253,253,191,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,99,99,205,228,235,253,253,253,238,138,25,11,0,0,0,0,0,0,0,0,0,0,0,0,0,144,222,250,253,253,253,253,253,185,162,72,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,247,253,253,253,225,168,131,38,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,128,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,172,246,253,253,211,99,72,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,172,243,253,253,253,210,169,66,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,194,194,240,253,253,253,210,172,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,168,212,253,253,253,210,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,78,164,237,253,247,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,197,0,0,0,0,0,0,0,0,0,0,17,160,92,31,21,0,0,0,0,0,0,0,0,6,62,253,253,240,0,0,0,0,0,0,0,0,0,0,191,253,211,246,216,33,0,0,0,0,0,0,0,121,253,253,253,227,0,0,0,0,0,0,0,0,0,0,51,250,253,253,253,216,33,0,0,0,0,0,38,219,253,253,231,45,0,0,0,0,0,0,0,0,0,0,0,108,110,163,245,253,216,143,143,143,143,143,220,253,253,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,253,253,253,253,253,253,249,230,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,123,230,253,253,253,253,230,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,112,184,190,208,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,93,188,252,252,57,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,233,252,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,24,55,233,253,255,253,205,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,118,252,252,252,252,218,92,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,101,184,246,253,252,252,195,130,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,252,253,235,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,248,230,135,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,116,220,244,253,253,253,253,244,138,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,113,206,206,227,253,252,186,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,79,196,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,36,222,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,89,203,22,0,0,0,0,15,219,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,216,163,70,70,122,191,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,240,176,244,253,252,252,252,252,253,252,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,45,21,86,158,252,252,147,137,64,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,255,169,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,253,249,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,228,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,178,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,234,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,235,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,241,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,232,105,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,250,190,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,198,252,235,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,207,254,159,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,138,246,250,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,153,254,225,96,0,0,0,0,0,0,0,0,0,0,0,0,0,8,0,0,0,0,0,0,0,0,23,208,254,228,40,0,0,0,0,0,0,0,0,0,0,0,0,0,84,207,0,0,0,0,0,0,0,0,157,254,209,6,0,0,0,0,0,0,0,0,0,0,0,5,57,204,246,93,0,0,0,0,0,0,0,0,83,230,252,189,65,0,0,0,0,0,0,15,32,123,210,219,234,134,47,0,0,0,0,0,0,0,0,0,0,48,198,254,241,146,28,0,11,95,189,222,254,225,159,118,20,0,0,0,0,0,0,0,0,0,0,0,0,0,4,123,225,254,254,163,241,254,238,139,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,38,158,254,254,254,254,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,200,254,252,237,150,171,252,233,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,231,111,0,0,0,126,254,233,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,252,252,76,0,0,0,0,3,193,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,167,0,0,0,0,0,0,188,254,230,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,150,0,0,0,0,0,0,188,255,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,171,0,0,0,0,55,147,251,240,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,174,252,189,123,129,217,252,254,232,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,104,222,254,254,254,162,114,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,100,184,255,212,168,168,168,103,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,128,242,254,186,176,163,90,101,202,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,213,254,193,48,2,0,0,10,65,3,135,248,47,0,0,0,0,0,0,0,0,0,0,0,0,0,20,211,236,115,6,0,0,0,0,117,252,212,251,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,189,0,0,0,0,0,0,143,254,203,116,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,204,26,0,0,0,0,0,17,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,117,254,219,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,161,249,247,207,138,65,44,0,0,0,5,52,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,121,196,231,254,248,220,220,220,223,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,39,52,125,164,230,254,251,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,209,254,242,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,254,254,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,241,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,237,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,135,254,254,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,216,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,252,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,230,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,254,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,254,216,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,198,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,232,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,224,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,231,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,254,217,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,215,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,182,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,194,255,254,184,254,254,212,128,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,239,253,254,253,253,253,253,253,253,215,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,254,160,80,87,56,175,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,177,233,181,10,0,0,0,12,225,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,7,0,0,0,0,107,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,193,253,206,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,0,0,144,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,182,0,85,250,206,178,252,253,116,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,82,0,115,253,253,253,253,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,188,188,205,253,253,253,114,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,250,254,254,255,254,254,198,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,139,215,215,122,205,244,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,237,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,17,19,7,0,0,0,0,0,0,0,0,145,253,225,26,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,140,6,0,0,0,0,0,0,59,236,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,240,253,227,150,120,57,57,57,117,238,253,187,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,193,240,253,253,253,253,253,254,248,182,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,107,190,253,253,253,194,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,29,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,170,0,0,0,0,0,141,255,255,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,170,0,0,0,0,198,255,255,170,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,170,0,0,0,170,255,226,57,0,198,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,29,0,114,255,226,29,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,255,170,255,255,114,86,198,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,226,255,255,255,255,255,255,255,198,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,226,170,141,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,216,191,141,141,141,91,29,29,29,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,252,253,252,252,252,253,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,168,168,253,252,252,252,253,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,28,28,28,28,78,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,178,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,237,253,252,127,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,29,141,166,253,253,239,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,225,252,252,253,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,253,252,252,252,210,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,139,139,40,28,28,116,240,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,22,0,0,0,0,10,179,255,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,234,169,119,57,82,197,252,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,216,252,252,252,253,252,252,252,194,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,53,139,240,253,252,252,102,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,169,138,138,255,232,138,138,138,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,206,206,227,227,253,252,252,252,252,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,32,69,69,100,208,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,248,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,222,253,243,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,219,252,235,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,122,253,252,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,208,207,207,244,252,253,172,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,253,217,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,168,116,116,116,168,233,253,253,117,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,173,252,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,171,252,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,194,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,242,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,243,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,236,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,174,70,51,0,0,70,142,234,252,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,211,252,240,207,207,253,252,252,218,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,137,137,179,252,190,137,106,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,64,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,64,64,128,128,0,0,0,0,0,0,0,0,255,255,255,255,255,191,128,128,64,128,128,128,128,128,128,255,255,255,255,255,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,255,191,128,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,201,253,209,210,218,148,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,252,252,253,252,252,252,200,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,21,21,83,126,134,245,252,162,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,183,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,234,252,244,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,232,252,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,244,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,255,186,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,232,252,186,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,242,252,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,232,252,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,190,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,242,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,249,253,246,135,127,127,128,127,127,197,232,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,252,252,252,252,253,252,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,156,252,252,252,253,252,244,147,147,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,203,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,183,0,0,0,0,0,0,0,0,0,132,253,254,253,82,0,0,0,0,0,0,0,0,0,0,183,253,252,102,0,0,0,0,0,0,0,21,183,253,252,253,252,203,0,0,0,0,0,0,0,0,0,0,203,254,233,0,0,0,0,0,0,0,21,214,253,254,253,254,253,203,0,0,0,0,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,21,203,253,171,50,91,253,252,81,0,0,0,0,0,0,0,0,0,0,203,254,172,0,0,0,0,0,0,132,253,203,20,11,173,254,172,0,0,0,0,0,0,0,0,0,0,0,162,253,252,123,0,0,0,0,0,253,252,20,41,173,252,213,10,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,253,153,112,52,132,254,253,153,233,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,253,252,253,252,253,252,253,252,253,212,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,123,203,203,223,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,165,239,254,255,226,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,207,253,254,224,123,104,233,246,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,236,254,156,37,14,0,0,106,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,243,254,106,3,0,0,0,0,0,246,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,155,253,140,1,0,0,0,0,0,8,246,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,245,0,0,0,0,0,0,1,149,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,248,27,0,0,0,0,0,66,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,195,254,221,28,0,0,0,62,226,254,107,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,174,254,243,216,147,158,250,254,127,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,149,221,254,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,44,44,154,254,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,228,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,239,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,233,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,254,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,246,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,254,169,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,252,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,251,225,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,18,130,187,255,254,158,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,143,254,252,201,162,213,254,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,214,254,206,75,0,3,175,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,238,235,141,36,0,0,88,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,238,254,130,0,0,0,5,202,254,249,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,238,254,223,14,0,0,0,59,254,254,197,75,16,0,0,0,0,0,0,0,0,0,0,0,0,0,2,145,254,225,33,0,0,0,0,133,254,254,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,13,254,244,79,0,0,0,6,49,189,254,246,250,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,11,243,250,169,122,122,161,212,254,234,198,84,233,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,254,220,129,46,22,0,59,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,48,70,60,41,8,0,0,0,0,143,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,250,221,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,221,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,230,254,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,204,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,238,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,206,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,235,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,223,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,245,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,237,253,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,188,254,232,0,0,0,0,0,0,0,0,0,0,0,27,139,187,144,96,0,0,0,0,0,0,0,0,63,253,253,202,0,0,0,0,0,0,0,0,0,0,68,237,253,253,253,253,0,0,0,0,0,0,0,0,144,253,253,121,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,161,0,0,0,0,0,0,0,0,153,253,245,14,0,0,0,0,0,0,0,0,19,186,250,244,253,250,197,20,0,0,0,0,0,0,0,0,254,253,175,3,0,0,0,0,0,0,0,117,238,253,253,215,253,209,0,0,0,0,0,0,0,0,0,0,129,253,253,184,0,0,0,0,0,0,51,204,253,253,253,253,250,136,0,0,0,0,0,0,0,0,0,0,18,217,253,252,208,122,69,12,7,12,197,253,253,253,174,94,21,0,0,0,0,0,0,0,0,0,0,0,0,98,226,253,253,253,253,253,210,253,255,253,253,211,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,124,193,253,253,253,253,253,254,233,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,33,33,33,33,128,143,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,163,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,51,52,10,0,0,0,21,113,152,255,253,224,122,0,0,0,0,0,0,0,0,0,0,0,0,102,183,253,252,253,212,203,203,203,223,253,252,233,151,20,0,0,0,0,0,0,0,0,0,0,0,92,233,254,253,224,203,203,243,234,253,254,233,183,102,41,0,0,0,0,0,0,0,0,0,0,0,0,82,233,252,192,111,20,0,0,40,30,50,50,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,131,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,254,172,51,51,51,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,232,253,252,253,252,253,252,183,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,163,203,203,203,254,253,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,131,253,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,192,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,41,0,0,0,21,142,203,243,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,255,213,153,193,254,253,254,253,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,151,253,252,253,252,253,252,172,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,213,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,153,233,244,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,163,243,253,171,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,152,193,254,253,244,203,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,102,123,203,233,252,253,252,192,151,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,214,253,254,253,203,203,102,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,171,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,214,253,254,213,152,71,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,172,252,253,252,223,162,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,123,203,234,253,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,20,0,0,0,0,0,0,21,183,233,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,255,172,52,51,52,51,72,152,214,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,232,253,252,253,252,253,252,253,252,253,171,91,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,163,203,203,203,183,102,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,148,148,148,148,131,43,43,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,252,252,252,252,253,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,232,247,252,221,126,144,187,233,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,221,162,0,0,0,92,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,14,0,0,0,215,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,148,245,243,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,201,252,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,179,253,245,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,167,252,252,216,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,115,211,211,253,252,252,252,121,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,217,253,253,253,255,253,245,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,168,168,239,253,252,252,166,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,38,161,242,252,191,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,252,229,27,0,0,0,0,0,0,0,0,0,0,0,87,148,30,0,0,0,0,0,0,0,0,0,4,183,253,212,0,0,0,0,0,0,0,0,0,0,0,0,183,252,221,163,50,0,0,0,0,0,15,85,142,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,100,238,252,252,244,233,153,127,127,127,192,252,252,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,93,205,252,253,252,252,252,252,253,252,194,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,42,60,103,147,147,147,129,42,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,34,34,34,34,34,34,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,253,252,252,252,252,192,176,110,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,196,253,183,153,162,252,252,252,252,187,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,59,3,0,1,10,10,112,201,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,197,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,174,244,215,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,117,188,252,252,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,78,189,252,252,215,109,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,111,195,252,252,180,142,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,253,255,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,218,252,252,252,253,252,252,169,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,44,44,44,154,179,252,252,243,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,10,78,235,249,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,99,252,246,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,150,252,252,164,0,0,0,0,0,0,0,0,0,0,0,7,12,12,11,0,0,0,0,4,12,12,118,240,252,245,164,2,0,0,0,0,0,0,0,0,0,0,0,162,252,252,244,154,154,154,154,184,252,253,252,252,210,72,0,0,0,0,0,0,0,0,0,0,0,0,0,128,175,175,216,252,252,252,252,252,252,210,146,66,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,33,33,33,33,33,33,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,187,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,119,233,247,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,79,169,236,254,179,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,184,254,254,223,57,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,232,254,223,103,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,202,254,242,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,246,68,0,0,0,0,0,0,0,0,8,20,111,215,16,0,0,0,0,0,0,0,0,0,0,0,146,254,224,31,0,0,0,0,0,0,55,131,206,254,254,229,13,0,0,0,0,0,0,0,0,0,0,0,6,183,254,243,104,0,0,0,63,182,248,254,254,245,131,43,0,0,0,0,0,0,0,0,0,0,0,0,0,32,171,254,249,165,61,173,254,254,254,201,155,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,255,254,254,254,242,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,112,254,254,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,184,254,247,175,248,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,193,254,208,32,0,182,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,178,23,0,0,213,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,254,96,0,0,0,175,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,223,14,0,0,7,222,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,200,254,156,31,75,200,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,235,254,243,251,254,232,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,133,254,208,155,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,177,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,180,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,191,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,239,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,249,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,203,0,0,0,0,0,0,0,28,107,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,158,0,0,0,0,0,0,54,237,253,241,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,224,237,56,0,0,0,44,133,247,253,253,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,211,80,0,75,249,243,70,65,164,239,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,250,254,209,249,255,100,96,194,249,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,197,253,253,254,253,237,151,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,85,48,47,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,154,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,169,234,252,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,185,253,252,252,214,168,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,138,246,252,253,227,103,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,191,255,253,253,228,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,253,240,109,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,231,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,252,238,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,252,224,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,165,252,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,216,28,0,0,0,13,104,253,253,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,165,57,57,144,206,253,252,233,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,168,234,252,253,252,252,252,253,196,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,240,253,252,252,202,78,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,130,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,200,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,237,253,203,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,249,253,159,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,181,253,247,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,250,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,215,17,0,0,0,0,0,47,111,177,177,138,35,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,220,22,0,0,0,0,115,240,253,253,253,253,233,82,0,0,0,0,0,0,0,0,0,0,0,0,152,253,253,55,0,0,7,167,255,248,188,121,198,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,35,247,253,146,5,0,102,253,247,99,0,0,56,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,60,16,211,253,183,0,0,0,95,253,245,22,0,0,0,0,0,0,0,0,0,0,0,0,0,79,250,253,243,236,253,253,10,0,0,11,208,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,225,253,253,253,253,141,93,88,163,253,238,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,167,223,253,253,254,253,253,253,203,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,148,253,240,143,143,37,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,58,224,246,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,254,115,53,5,0,0,0,0,0,0,20,112,141,141,94,14,0,0,0,0,0,0,0,0,0,0,171,254,193,6,0,0,0,0,0,0,0,0,36,67,126,254,254,94,0,0,0,0,0,0,0,0,0,0,198,254,128,0,0,0,0,0,0,0,0,0,14,59,183,254,185,46,0,0,0,0,0,0,0,0,0,0,198,255,195,6,0,0,0,0,0,0,0,56,212,254,249,112,11,0,0,0,0,0,0,0,0,0,0,0,63,244,254,161,0,0,0,0,0,7,135,247,246,132,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,235,20,0,0,2,127,201,244,114,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,226,254,196,16,4,181,253,209,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,157,254,208,221,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,254,254,210,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,222,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,224,254,218,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,147,215,47,134,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,248,229,14,0,224,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,86,0,60,249,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,101,0,78,245,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,151,126,244,254,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,204,254,147,46,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,248,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,245,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,213,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,243,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,229,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,254,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,254,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,247,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,171,254,245,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,255,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,253,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,248,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,255,255,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,240,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,195,255,254,203,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,164,243,253,236,220,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,199,254,223,96,29,13,79,249,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,224,253,195,40,0,0,0,0,207,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,203,34,0,0,0,0,0,208,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,251,248,56,0,0,0,0,0,43,249,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,253,113,0,0,0,0,0,0,55,253,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,46,0,0,0,0,34,119,222,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,254,245,95,162,161,195,229,254,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,216,253,253,254,253,253,236,254,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,129,230,230,145,96,38,254,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,219,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,247,241,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,240,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,251,248,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,213,254,255,231,146,146,121,38,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,246,253,253,253,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,229,139,139,163,248,248,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,148,39,0,0,0,0,22,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,205,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,164,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,253,253,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,240,253,244,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,223,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,240,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,178,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,228,9,0,0,0,0,0,0,0,0,0,101,114,38,0,0,0,0,0,0,0,0,0,0,0,57,253,253,114,0,0,0,0,0,0,0,16,54,178,253,254,203,7,0,0,0,0,0,0,0,0,0,0,131,252,252,113,0,0,0,0,0,0,0,166,252,252,252,253,252,56,0,0,0,0,0,0,0,0,0,0,169,252,252,76,0,0,0,0,0,29,185,253,233,130,231,253,208,13,0,0,0,0,0,0,0,0,0,0,169,252,252,51,0,0,0,0,101,234,252,178,22,38,237,253,196,0,0,0,0,0,0,0,0,0,0,0,157,253,253,192,116,29,4,104,253,253,203,29,104,229,253,226,88,0,0,0,0,0,0,0,0,0,0,0,44,215,252,253,252,252,178,253,252,252,252,253,252,252,227,38,0,0,0,0,0,0,0,0,0,0,0,0,0,19,156,253,252,252,252,253,252,252,252,253,233,168,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,139,139,240,253,252,252,151,28,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,158,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,184,254,149,17,0,0,0,0,0,0,0,8,27,0,0,0,0,0,0,0,0,0,0,0,0,0,31,214,254,138,1,0,0,0,0,0,0,0,52,209,126,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,168,17,0,0,0,0,0,0,8,133,250,221,28,0,0,0,0,0,0,0,0,0,0,0,0,72,244,172,18,0,0,0,0,0,1,44,209,254,177,10,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,142,0,0,0,0,0,11,128,254,254,148,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,253,181,72,2,0,13,189,254,226,65,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,137,222,254,254,212,148,198,247,190,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,101,225,254,254,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,254,254,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,188,249,164,187,254,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,164,254,148,0,45,254,237,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,197,2,0,0,211,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,249,34,0,0,0,179,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,213,163,0,0,0,42,251,238,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,156,0,0,10,173,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,165,0,43,179,254,188,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,193,232,251,194,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,254,229,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,255,254,180,159,142,101,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,239,216,221,253,253,253,253,243,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,0,9,56,56,108,156,250,240,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,250,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,215,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,248,253,155,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,255,205,233,254,217,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,254,253,253,225,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,56,56,105,230,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,23,85,82,0,0,0,0,0,0,0,0,0,169,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,52,247,252,244,192,109,38,0,0,0,0,148,251,236,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,204,224,240,253,240,195,123,123,217,249,227,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,107,159,180,218,253,194,111,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,237,113,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,189,252,253,252,252,211,190,129,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,82,38,161,242,252,252,253,246,179,57,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,84,128,200,252,252,252,217,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,77,155,252,252,229,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,229,255,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,249,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,252,169,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,245,252,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,186,253,231,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,239,252,218,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,252,169,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,201,252,233,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,248,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,183,218,27,0,0,0,0,191,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,185,254,148,0,0,0,0,58,252,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,190,36,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,249,220,37,0,0,0,0,0,62,254,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,254,143,0,0,0,0,0,0,62,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,246,124,25,0,0,0,0,102,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,107,230,254,249,159,45,13,0,155,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,110,224,251,254,233,160,243,254,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,109,224,254,254,254,186,175,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,238,175,163,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,235,222,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,251,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,255,229,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,138,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,215,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,220,242,99,233,254,249,170,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,248,161,0,31,147,242,254,253,201,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,21,0,0,0,32,105,220,254,236,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,254,231,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,224,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,239,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,241,245,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,239,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,251,217,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,196,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,251,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,134,145,146,145,145,145,117,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,217,222,253,253,218,153,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,225,253,253,138,0,13,84,84,176,244,221,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,206,253,253,253,0,0,0,0,0,0,99,245,144,0,0,0,0,0,0,0,0,0,0,0,0,0,139,239,253,253,135,118,0,0,0,0,0,0,0,218,228,44,0,0,0,0,0,0,0,0,0,0,0,81,240,253,253,180,16,0,0,0,0,0,0,0,0,218,253,132,0,0,0,0,0,0,0,0,0,0,78,242,253,225,58,5,0,0,0,0,0,0,0,0,0,114,253,236,0,0,0,0,0,0,0,0,0,75,245,253,253,128,0,0,0,0,0,0,0,0,0,0,0,98,253,253,0,0,0,0,0,0,0,0,6,197,253,253,137,3,0,0,0,0,0,0,0,0,0,0,0,155,253,253,0,0,0,0,0,0,0,0,82,254,254,223,35,0,0,0,0,0,0,0,0,0,0,0,0,219,254,132,0,0,0,0,0,0,0,0,254,253,232,36,0,0,0,0,0,0,0,0,0,0,0,0,9,221,253,121,0,0,0,0,0,0,0,0,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,103,253,238,10,0,0,0,0,0,0,0,0,254,253,217,0,0,0,0,0,0,0,0,0,0,0,0,73,238,253,144,0,0,0,0,0,0,0,0,0,225,253,243,158,18,0,0,0,0,0,0,0,0,0,73,236,253,155,41,0,0,0,0,0,0,0,0,0,38,222,253,253,182,52,0,0,0,0,0,0,46,154,236,253,194,26,0,0,0,0,0,0,0,0,0,0,0,97,221,253,253,240,206,148,154,86,149,206,235,253,253,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,40,175,253,253,253,253,253,253,254,253,239,133,36,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,58,144,144,144,144,145,75,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,89,156,194,255,254,254,254,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,178,247,247,233,233,136,135,135,135,218,245,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,213,254,216,84,0,0,0,0,0,0,165,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,231,31,0,0,0,0,0,0,37,226,222,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,76,0,0,0,0,0,0,174,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,255,208,71,0,0,0,28,156,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,241,199,80,8,118,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,123,229,253,253,206,211,253,158,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,131,213,223,253,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,223,253,215,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,222,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,232,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,168,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,250,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,239,254,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,201,254,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,129,253,207,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,240,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,219,204,63,31,100,136,107,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,135,254,253,253,221,239,254,253,253,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,156,254,254,218,195,128,98,98,99,98,168,254,119,0,0,0,0,0,0,0,0,0,0,0,0,8,103,247,253,242,195,15,0,0,0,0,0,0,87,251,155,0,0,0,0,0,0,0,0,0,0,0,43,183,254,253,228,81,0,0,0,0,0,0,0,0,25,202,193,0,0,0,0,0,0,0,0,0,0,88,244,253,229,176,235,123,0,0,0,0,0,0,0,0,94,247,131,0,0,0,0,0,0,0,0,0,83,205,253,215,23,0,41,102,23,0,0,0,0,0,0,8,205,229,23,0,0,0,0,0,0,0,0,14,224,254,214,0,0,0,0,0,0,0,0,0,0,0,0,118,254,177,0,0,0,0,0,0,0,0,0,149,253,247,85,0,0,0,0,0,0,0,0,0,0,8,80,217,209,78,0,0,0,0,0,0,0,0,0,186,253,229,44,0,0,0,0,0,0,0,0,0,13,183,254,247,54,0,0,0,0,0,0,0,0,0,0,132,247,253,137,24,0,0,0,0,0,0,0,28,223,253,154,32,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,230,173,91,0,0,0,61,142,235,237,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,165,227,254,255,254,254,254,254,255,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,114,136,218,233,233,195,114,39,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,54,54,15,43,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,91,189,153,116,189,252,253,253,176,216,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,233,253,253,253,253,214,49,47,47,47,140,223,56,0,0,0,0,0,0,0,0,0,0,0,0,88,212,252,253,253,253,253,213,27,0,0,0,0,0,219,240,0,0,0,0,0,0,0,0,0,1,6,128,251,253,248,253,250,137,83,100,0,0,0,0,0,2,220,251,0,0,0,0,0,0,0,0,2,112,253,253,245,180,88,163,42,0,0,0,0,0,0,0,0,84,253,135,0,0,0,0,0,0,0,0,38,253,253,222,83,0,88,0,0,0,0,0,0,0,0,0,0,84,253,135,0,0,0,0,0,0,0,0,136,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,135,0,0,0,0,0,0,0,0,227,253,237,45,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,100,0,0,0,0,0,0,0,0,255,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,55,245,216,11,0,0,0,0,0,0,0,0,39,253,249,198,21,0,0,0,0,0,0,0,0,0,0,0,173,253,200,8,0,0,0,0,0,0,0,0,9,197,253,253,208,81,7,0,0,0,0,0,0,7,21,152,252,172,3,0,0,0,0,0,0,0,0,0,0,32,244,253,253,253,199,30,30,16,30,30,83,202,204,248,193,72,0,0,0,0,0,0,0,0,0,0,0,0,60,176,245,253,253,253,253,212,253,253,253,253,226,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,175,190,253,253,253,253,253,224,128,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,53,53,53,53,53,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,128,168,211,255,254,254,254,190,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,252,254,254,189,176,136,90,127,234,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,212,180,151,136,16,0,0,0,0,107,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,6,0,0,0,0,0,0,0,6,203,222,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,249,223,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,240,230,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,163,248,222,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,133,222,254,192,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,249,254,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,128,158,70,217,249,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,159,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,138,254,164,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,0,0,0,0,24,151,254,194,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,207,97,91,91,137,243,251,135,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,250,254,254,254,254,162,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,102,185,255,251,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,177,254,245,181,231,254,158,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,249,244,146,0,27,216,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,44,0,0,0,0,25,242,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,198,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,211,254,192,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,255,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,254,248,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,241,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,243,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,212,254,146,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,254,182,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,233,254,214,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,245,244,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,249,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,141,226,232,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,141,226,252,254,254,254,228,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,238,246,162,47,27,27,167,225,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,187,254,200,44,0,0,0,53,205,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,254,150,4,0,0,0,1,178,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,199,254,215,3,0,0,0,0,43,254,225,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,246,0,0,0,0,0,7,207,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,251,76,0,0,0,9,211,254,119,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,132,254,249,149,148,148,192,254,250,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,240,254,254,254,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,44,44,77,239,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,246,243,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,237,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,203,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,242,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,244,254,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,153,254,177,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,215,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,245,254,254,255,254,211,161,104,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,215,240,254,253,236,253,254,224,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,46,34,46,46,29,46,169,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,13,0,0,0,0,0,70,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,187,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,155,254,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,161,253,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,214,253,219,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,145,229,254,254,180,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,251,253,253,254,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,205,171,137,203,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,236,238,25,0,0,0,0,0,0,0,0,0,0,0,0,0,64,38,0,0,0,0,0,0,0,0,0,0,231,254,69,0,0,0,0,0,0,0,0,0,0,0,0,64,225,29,0,0,0,0,0,0,0,0,0,0,230,240,31,0,0,0,0,0,0,0,0,0,0,0,0,63,242,80,0,0,0,0,0,0,0,0,0,100,249,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,213,25,0,0,0,0,0,0,0,0,161,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,241,220,26,0,0,0,0,0,0,85,255,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,240,214,122,9,0,0,43,130,247,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,237,253,215,207,208,249,253,236,146,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,119,169,253,195,160,85,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,220,241,241,241,227,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,228,251,174,159,159,174,203,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,253,39,0,0,7,84,251,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,75,201,254,253,253,75,0,0,0,55,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,12,75,229,253,253,229,199,248,144,0,0,0,27,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,251,142,42,0,72,13,0,0,0,27,253,253,0,0,0,0,0,0,0,0,0,0,0,9,133,229,253,250,143,0,0,0,0,0,0,0,0,27,253,253,0,0,0,0,0,0,0,0,0,0,62,181,253,253,244,143,0,0,0,0,0,0,0,0,0,34,253,253,0,0,0,0,0,0,0,0,0,0,228,253,253,225,38,0,0,0,0,0,0,0,0,0,0,161,253,182,0,0,0,0,0,0,0,0,0,171,254,254,223,35,0,0,0,0,0,0,0,0,0,0,41,255,255,121,0,0,0,0,0,0,0,0,52,246,253,253,59,0,0,0,0,0,0,0,0,0,0,0,41,253,240,6,0,0,0,0,0,0,0,0,121,253,253,131,6,0,0,0,0,0,0,0,0,0,0,20,190,253,120,0,0,0,0,0,0,0,0,0,234,253,253,82,0,0,0,0,0,0,0,0,0,0,0,167,253,245,73,0,0,0,0,0,0,0,0,0,148,253,253,237,78,0,0,0,0,0,0,0,0,22,173,240,243,96,0,0,0,0,0,0,0,0,0,0,32,244,253,253,236,159,54,20,0,0,26,54,174,208,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,76,199,247,253,253,253,203,174,174,213,253,253,253,221,114,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,199,246,253,253,253,239,228,226,226,184,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,107,107,107,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,199,213,213,213,213,213,213,213,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,253,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,250,234,128,82,83,183,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,47,28,0,15,253,253,249,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,200,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,211,251,253,253,152,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,213,248,253,253,251,97,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,69,140,252,253,253,240,95,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,151,253,253,253,253,176,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,165,232,253,253,253,226,103,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,245,253,253,252,239,109,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,236,125,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,247,241,118,104,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,160,170,233,253,253,253,253,253,253,229,220,220,220,220,220,112,83,83,83,0,0,0,0,0,0,0,0,0,0,0,41,54,54,125,191,247,253,241,191,226,253,219,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,75,61,0,43,75,34,75,75,75,75,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,72,72,86,189,104,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,172,207,246,253,253,253,253,253,238,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,225,243,178,147,48,29,29,29,29,59,181,242,121,0,0,0,0,0,0,0,0,0,0,0,0,3,161,248,253,101,4,0,0,0,0,0,0,0,43,236,190,0,0,0,0,0,0,0,0,0,0,0,51,181,253,253,229,42,0,0,0,0,0,0,0,0,0,219,135,0,0,0,0,0,0,0,0,0,6,67,230,253,236,209,42,0,0,0,0,0,0,0,0,0,53,241,135,0,0,0,0,0,0,0,0,5,141,253,253,233,58,0,0,0,0,0,0,0,0,0,0,0,111,253,135,0,0,0,0,0,0,0,0,145,253,253,232,60,0,0,0,0,0,0,0,0,0,0,0,51,241,253,100,0,0,0,0,0,0,0,0,255,253,208,30,0,0,0,0,0,0,0,0,0,0,0,18,191,253,216,11,0,0,0,0,0,0,0,0,254,253,200,0,0,0,0,0,0,0,0,0,0,0,14,194,253,253,45,0,0,0,0,0,0,0,0,0,188,253,252,215,34,7,0,0,0,0,0,0,6,79,249,253,214,85,1,0,0,0,0,0,0,0,0,0,8,195,253,253,253,209,93,82,30,30,122,148,195,253,253,156,30,0,0,0,0,0,0,0,0,0,0,0,0,54,168,219,253,253,253,253,253,253,253,253,232,200,88,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,70,126,183,188,188,188,188,89,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,170,255,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,238,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,174,253,194,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,220,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,254,242,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,245,245,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,234,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,178,253,207,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,240,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,245,253,168,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,220,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,215,253,212,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,204,254,225,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,248,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,245,120,34,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,253,253,178,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,253,253,253,210,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,222,10,45,184,232,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,188,42,0,0,122,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,185,254,201,33,0,0,0,131,253,154,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,182,253,229,49,0,0,0,0,65,253,216,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,215,253,234,0,0,0,0,0,0,122,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,110,0,0,0,0,0,0,204,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,227,253,220,19,0,0,0,0,0,39,242,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,22,207,254,249,106,0,0,0,0,0,8,111,255,195,0,0,0,0,0,0,0,0,0,0,0,0,0,6,140,253,250,154,0,0,0,0,0,0,32,230,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,247,44,0,0,0,0,0,0,100,253,249,60,0,0,0,0,0,0,0,0,0,0,0,0,19,192,253,246,77,0,0,0,0,0,19,90,250,246,125,0,0,0,0,0,0,0,0,0,0,0,0,15,220,253,241,129,0,0,0,0,8,56,171,253,241,129,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,253,198,0,0,0,0,0,111,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,2,171,253,243,55,0,6,31,122,218,255,253,244,79,8,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,253,245,155,155,202,253,253,253,249,180,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,253,253,253,253,253,253,230,128,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,235,253,253,253,147,33,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,235,186,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,220,254,220,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,250,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,249,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,254,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,114,254,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,254,254,217,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,238,254,247,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,218,254,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,254,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,252,142,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,254,254,254,248,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,247,254,254,182,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,232,234,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,254,64,0,0,144,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,249,69,146,217,174,251,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,254,97,23,18,7,194,228,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,253,254,13,0,0,0,187,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,223,9,0,0,0,82,253,233,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,253,253,106,0,0,0,0,54,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,232,0,0,0,0,0,17,199,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,224,253,252,107,0,0,0,0,0,0,174,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,240,0,0,0,0,0,0,0,174,253,233,0,0,0,0,0,0,0,0,0,0,0,0,0,36,222,253,253,169,0,0,0,0,0,0,0,174,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,202,254,254,228,0,0,0,0,0,0,0,0,175,255,107,0,0,0,0,0,0,0,0,0,0,0,0,35,223,253,253,99,0,0,0,0,0,0,0,108,249,242,62,0,0,0,0,0,0,0,0,0,0,0,35,215,253,253,167,10,0,0,0,0,0,0,25,212,253,226,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,208,13,0,0,0,0,0,0,0,110,253,219,35,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,199,0,0,0,0,0,0,0,64,242,253,177,0,0,0,0,0,0,0,0,0,0,0,0,23,233,253,253,101,0,0,0,0,0,0,49,188,253,185,21,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,207,21,0,0,0,0,41,98,245,253,186,21,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,229,132,120,161,161,161,255,253,253,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,253,253,253,253,253,255,240,120,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,169,253,253,253,253,253,253,182,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,62,0,0,0,0,0,0,0,52,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,102,0,0,0,0,0,0,0,152,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,41,0,0,0,0,0,0,0,214,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,171,0,0,0,0,0,0,0,41,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,244,203,0,0,0,0,0,0,0,102,255,253,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,81,40,0,0,0,0,0,0,21,203,253,212,0,0,0,0,0,0,0,0,0,0,0,0,113,253,244,81,0,0,0,0,0,0,0,0,113,253,244,81,0,0,0,0,0,0,0,0,0,0,0,41,233,252,162,0,0,0,0,0,0,0,0,0,193,252,203,0,0,0,0,0,0,0,0,0,0,0,0,203,254,233,41,0,0,0,0,0,0,0,0,62,254,253,142,0,0,0,0,0,0,0,0,0,0,0,41,243,253,192,0,0,0,0,0,0,0,0,0,183,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,254,172,51,51,0,0,0,0,72,233,254,213,152,193,123,0,0,0,0,0,0,0,0,0,0,20,112,232,253,252,253,252,203,203,203,203,253,252,253,252,233,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,203,203,203,203,203,223,254,253,163,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,131,131,241,204,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,105,40,0,82,254,198,166,253,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,225,32,36,112,16,0,231,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,224,254,214,23,0,0,0,0,231,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,224,254,247,163,0,0,0,0,0,231,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,254,254,174,0,0,0,0,0,64,246,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,254,245,56,0,0,0,0,0,100,254,254,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,113,0,0,0,0,0,0,100,254,232,10,0,0,0,0,0,0,0,0,0,0,0,0,0,23,228,254,219,22,0,0,0,0,0,0,100,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,7,147,254,244,94,0,0,0,0,0,0,0,191,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,211,0,0,0,0,0,0,0,105,247,226,13,0,0,0,0,0,0,0,0,0,0,0,0,6,180,254,254,174,0,0,0,0,0,0,26,229,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,184,17,0,0,0,0,0,26,202,254,174,5,0,0,0,0,0,0,0,0,0,0,0,0,5,181,254,254,93,0,0,0,0,0,0,185,254,222,41,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,228,14,0,0,0,0,0,171,248,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,6,241,254,232,27,0,0,0,0,25,133,248,254,128,5,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,229,0,0,19,107,133,237,254,171,109,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,241,113,130,240,254,254,254,190,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,254,254,254,254,254,228,106,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,76,142,255,236,109,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,211,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,101,245,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,254,254,254,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,219,254,254,185,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,216,254,254,132,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,210,254,254,248,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,247,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,247,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,250,254,255,208,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,135,254,254,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,254,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,194,254,254,169,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,181,254,254,254,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,254,47,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,174,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,183,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,191,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,191,0,64,0,128,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,191,64,128,128,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,128,255,255,191,0,0,0,0,0,0,0,0,0,0,0,255,255,128,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,64,255,255,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,0,64,191,255,191,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,191,255,255,64,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,128,191,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,191,255,255,255,255,255,191,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,191,255,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,71,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,209,237,29,0,0,0,0,7,135,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,126,246,253,237,46,0,0,0,8,164,253,181,191,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,253,253,238,85,0,0,0,8,163,253,162,10,12,0,0,0,0,0,0,0,0,0,0,0,0,76,201,253,190,142,56,0,0,0,0,128,253,228,47,0,0,0,0,0,0,0,0,0,0,0,0,0,91,246,249,148,25,97,0,0,0,0,64,234,228,77,0,0,0,0,0,0,0,0,0,0,0,0,5,121,247,244,142,0,0,0,0,0,0,32,217,250,92,0,0,0,0,0,0,0,0,0,0,0,0,3,197,253,230,46,0,0,0,0,0,0,6,182,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,210,175,175,175,138,88,88,88,190,253,235,23,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,254,254,254,254,254,248,230,254,255,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,96,96,78,84,96,26,75,96,150,254,253,212,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,188,254,190,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,195,253,140,2,0,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,241,51,90,162,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,235,254,173,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,235,144,61,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,131,214,255,231,110,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,166,254,252,204,246,253,241,150,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,229,74,0,22,173,232,254,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,194,159,0,0,0,0,123,254,180,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,89,0,0,0,0,70,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,249,250,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,136,253,240,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,89,253,247,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,238,253,152,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,234,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,240,254,150,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,233,253,155,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,65,242,242,109,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,243,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,59,156,224,254,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,73,169,201,228,106,91,226,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,169,253,222,78,12,0,58,235,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,228,240,146,12,0,0,13,192,253,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,245,70,0,0,0,0,153,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,136,0,0,0,0,103,254,131,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,144,14,0,0,0,207,141,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,229,175,175,79,196,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,199,213,213,244,254,253,247,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,140,253,222,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,255,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,185,254,183,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,235,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,251,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,235,237,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,186,235,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,251,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,254,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,207,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,230,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,62,186,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,238,254,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,231,254,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,161,254,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,251,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,245,254,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,240,254,133,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,254,238,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,219,254,203,13,0,0,0,0,0,0,0,9,81,130,221,179,39,0,0,0,0,0,0,0,0,0,0,77,254,254,65,0,0,0,0,0,0,0,15,181,254,254,254,254,76,0,0,0,0,0,0,0,0,0,0,77,254,254,65,0,0,0,0,0,0,9,134,254,202,182,254,254,76,0,0,0,0,0,0,0,0,0,0,181,254,213,3,0,0,0,2,98,222,232,155,31,43,213,254,108,3,0,0,0,0,0,0,0,0,0,0,157,254,241,72,0,0,88,179,255,203,46,16,108,251,238,145,2,0,0,0,0,0,0,0,0,0,0,0,13,184,254,241,161,125,245,254,254,135,113,222,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,227,254,254,254,254,254,254,254,254,254,186,56,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,76,206,254,254,254,254,198,174,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,213,171,192,123,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,121,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,241,128,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,192,252,252,245,226,135,108,149,94,94,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,158,197,252,252,252,252,252,252,253,89,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,88,185,196,252,252,252,253,252,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,66,66,136,225,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,245,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,252,200,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,14,253,252,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,252,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,255,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,247,252,195,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,232,252,252,240,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,244,252,252,238,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,244,252,252,115,53,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,240,252,252,114,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,252,252,193,103,89,38,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,248,252,252,252,252,247,160,161,160,208,160,160,160,69,27,26,0,0,0,0,0,0,0,0,0,0,0,0,90,140,238,238,240,244,238,240,246,238,250,252,252,252,252,239,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,50,0,0,63,0,101,119,119,119,119,119,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,208,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,217,252,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,247,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,219,254,190,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,250,187,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,211,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,128,219,254,152,52,16,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,254,118,17,0,60,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,253,254,220,59,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,2,152,254,254,78,0,0,0,0,0,0,0,0,0,54,137,205,225,148,25,0,0,0,0,0,0,0,0,56,254,254,147,0,0,0,0,0,0,0,0,28,88,244,254,199,239,254,154,0,0,0,0,0,0,0,0,56,254,254,46,0,0,0,0,0,0,15,178,232,212,91,40,6,194,254,110,0,0,0,0,0,0,0,0,83,254,254,248,170,72,0,0,0,89,238,210,95,0,0,23,135,254,197,18,0,0,0,0,0,0,0,0,18,155,246,254,254,251,225,225,225,254,254,173,126,126,135,235,251,194,17,0,0,0,0,0,0,0,0,0,0,0,49,83,174,215,254,254,254,254,254,254,254,254,254,254,170,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,20,57,254,254,145,120,120,120,31,20,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,210,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,126,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,235,197,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,121,204,253,253,255,253,133,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,252,253,252,252,248,204,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,47,158,89,158,159,158,242,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,219,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,223,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,230,252,241,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,192,252,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,128,252,252,205,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,196,253,252,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,255,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,247,252,253,95,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,122,230,252,252,202,97,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,196,252,252,252,198,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,216,252,252,241,101,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,245,252,252,212,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,240,252,252,252,207,41,19,41,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,249,252,252,252,252,203,252,252,161,160,160,160,160,160,160,143,0,0,0,0,0,0,0,0,0,0,0,0,144,238,238,248,252,252,252,252,253,252,252,252,252,252,252,239,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,119,119,119,119,183,252,252,209,119,119,119,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,132,132,132,70,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,253,242,145,65,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,216,216,216,253,252,252,252,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,204,234,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,239,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,180,252,252,145,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,252,229,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,122,248,255,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,237,252,252,241,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,184,252,252,252,160,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,169,229,252,252,210,152,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,191,252,252,235,151,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,252,252,200,71,0,0,0,0,0,0,0,0,0,0,25,73,125,193,0,0,0,0,0,0,0,0,231,252,252,252,132,61,0,73,45,85,86,85,85,85,85,120,192,167,116,48,0,0,0,0,0,0,0,0,253,252,252,252,252,242,217,247,235,252,253,206,252,252,154,36,24,0,0,0,0,0,0,0,0,0,0,0,87,206,252,252,252,252,252,252,252,252,144,132,127,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,11,11,11,11,11,11,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,34,134,143,177,253,226,253,253,244,143,105,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,252,252,252,232,186,73,186,186,192,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,40,227,252,252,205,134,30,0,0,0,0,4,68,231,250,82,0,0,0,0,0,0,0,0,0,0,0,0,205,252,223,34,6,0,0,0,0,0,0,0,5,203,252,99,0,0,0,0,0,0,0,0,0,0,0,0,185,252,197,0,0,0,0,0,0,0,0,0,128,252,221,34,0,0,0,0,0,0,0,0,0,0,0,0,65,249,240,160,46,0,0,0,0,0,0,18,234,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,248,252,242,164,40,7,0,0,5,176,252,166,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,224,252,252,252,209,155,78,174,252,243,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,175,232,252,253,252,252,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,81,253,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,255,253,240,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,241,252,240,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,248,252,252,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,141,245,252,235,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,237,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,245,252,242,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,252,252,97,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,146,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,173,253,234,152,152,112,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,243,253,252,50,212,253,252,203,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,233,123,0,0,41,163,223,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,151,0,0,0,0,0,20,172,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,151,0,0,0,0,0,0,132,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,232,41,0,0,0,0,123,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,214,31,0,82,214,253,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,232,253,232,203,243,253,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,173,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,253,252,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,203,253,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,255,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,218,255,234,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,253,253,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,253,253,253,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,105,223,253,253,253,253,253,253,251,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,237,253,253,253,253,253,212,178,253,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,249,253,253,253,253,253,253,248,128,253,253,241,40,0,0,0,0,0,0,0,0,0,0,0,0,0,132,249,253,253,253,253,253,253,253,238,82,223,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,92,250,253,253,253,253,253,253,253,170,37,0,163,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,148,51,175,253,206,15,0,0,163,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,230,29,0,17,58,45,0,0,31,233,253,248,82,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,162,0,0,0,0,0,0,0,70,253,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,162,0,0,0,0,0,0,0,169,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,162,0,0,0,0,0,0,9,185,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,162,0,0,0,0,0,36,185,253,253,236,35,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,173,5,0,0,0,55,182,253,253,232,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,128,5,0,7,196,253,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,253,253,168,150,177,253,253,253,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,253,253,253,253,253,250,217,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,252,253,253,253,253,248,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,166,253,216,123,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,255,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,215,253,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,215,253,253,213,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,212,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,253,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,253,214,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,230,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,177,254,254,254,226,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,178,248,253,253,253,253,253,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,179,242,253,254,253,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,254,219,53,82,237,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,124,31,0,0,201,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,122,66,0,0,0,0,201,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,209,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,230,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,254,254,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,253,202,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,94,116,228,228,228,229,238,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,225,253,253,253,253,253,254,253,253,253,218,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,253,253,243,186,225,253,254,253,253,253,253,242,110,25,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,185,56,6,170,253,254,253,253,253,253,253,253,192,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,96,62,182,253,253,255,236,213,247,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,253,253,253,253,242,60,0,79,128,246,253,226,0,0,0,0,0,0,0,0,0,0,0,0,89,251,253,253,253,253,252,240,57,0,0,0,0,79,177,95,0,0,0,0,0,0,0,0,0,0,0,0,0,102,225,253,253,239,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,128,128,255,255,255,255,191,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,191,128,128,128,64,64,128,191,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,64,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,128,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,191,64,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,128,128,128,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,51,0,0,0,0,0,0,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,123,0,0,0,0,123,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,203,0,0,0,51,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,122,0,0,0,132,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,233,0,0,0,0,214,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,252,233,50,0,0,0,82,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,123,0,0,0,0,102,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,41,0,0,0,0,102,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,214,51,0,0,0,123,254,253,92,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,213,252,253,252,203,122,163,243,253,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,183,254,253,254,253,254,253,254,253,203,203,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,192,253,252,253,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,255,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,109,71,121,122,248,254,254,254,254,255,240,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,201,252,248,253,254,253,253,253,253,253,253,171,6,0,0,0,0,0,0,0,0,0,0,0,0,0,25,198,253,253,253,253,254,253,253,253,253,184,138,10,0,0,0,0,0,0,0,0,0,0,0,0,0,69,197,253,253,245,173,103,40,39,39,39,39,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,225,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,128,253,253,253,125,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,199,174,174,104,41,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,253,253,253,254,165,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,245,249,247,240,240,241,253,253,254,253,214,106,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,82,64,0,0,13,120,190,254,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,254,254,219,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,242,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,236,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,18,0,0,0,0,0,142,253,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,177,95,0,0,0,29,118,250,253,253,203,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,208,34,26,41,153,255,253,253,240,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,220,253,238,219,253,253,255,253,243,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,253,253,253,255,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,147,253,253,253,253,121,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,221,254,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,127,254,250,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,221,254,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,246,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,220,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,178,254,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,254,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,221,20,0,0,19,69,169,193,147,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,174,0,0,19,184,254,254,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,127,0,18,185,254,254,254,254,254,186,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,211,18,185,254,254,254,184,240,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,227,80,254,254,229,64,7,151,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,254,240,254,254,76,0,121,249,254,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,254,254,255,254,254,114,84,226,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,254,254,254,254,250,251,254,254,213,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,30,214,254,254,254,254,254,254,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,91,157,254,221,130,91,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,125,125,228,254,254,254,255,254,238,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,235,253,253,253,253,253,253,253,253,253,253,239,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,222,171,253,253,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,149,35,19,19,14,5,19,19,61,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,243,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,242,253,253,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,253,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,203,253,253,227,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,237,253,253,244,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,244,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,236,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,235,253,253,203,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,213,253,253,247,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,216,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,111,179,253,253,249,122,13,94,132,99,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,175,252,252,252,252,253,252,252,252,252,252,125,4,0,0,0,0,0,0,0,0,0,0,0,0,0,48,225,252,252,238,107,96,102,237,252,235,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,7,185,252,252,213,69,0,0,0,118,129,76,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,48,0,0,0,0,0,0,135,252,252,232,27,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,197,12,0,0,0,0,0,0,169,252,252,133,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,239,39,0,0,0,0,0,13,197,252,228,32,0,0,0,0,0,0,0,0,0,0,0,0,0,23,220,252,252,48,0,0,0,0,21,222,252,229,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,193,16,0,0,58,180,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,184,252,252,150,0,58,190,252,252,148,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,207,132,248,255,252,166,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,200,248,252,252,252,241,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,252,252,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,252,252,252,252,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,252,252,197,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,252,252,252,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,252,252,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,116,143,255,253,210,143,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,176,223,252,252,253,252,252,252,236,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,252,252,252,167,209,252,252,252,237,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,252,252,239,116,10,2,6,106,252,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,221,34,0,0,0,116,199,252,252,233,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,84,0,27,89,199,236,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,242,231,238,252,253,252,243,252,252,245,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,252,252,252,252,252,228,131,17,242,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,151,175,175,141,66,29,0,74,250,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,226,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,252,252,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,179,252,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,252,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,219,252,137,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,105,255,218,105,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,200,242,252,253,252,252,231,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,210,252,252,252,253,252,252,252,225,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,135,252,252,252,252,253,223,210,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,252,252,252,252,252,178,48,28,212,252,231,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,252,252,252,246,133,0,0,0,120,252,252,133,2,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,252,128,0,0,0,0,56,236,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,15,244,252,252,252,220,38,0,0,0,0,0,223,252,252,14,0,0,0,0,0,0,0,0,0,0,0,0,15,252,252,252,252,178,11,0,0,0,0,0,109,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,252,252,59,0,0,0,0,0,75,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,253,253,154,35,0,0,0,0,0,136,253,253,14,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,140,3,0,0,0,0,0,29,230,252,252,14,0,0,0,0,0,0,0,0,0,0,0,39,221,252,252,232,42,0,0,0,0,0,1,128,252,252,244,13,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,222,0,0,0,0,0,0,15,252,252,252,118,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,222,0,0,0,0,0,98,225,252,252,225,14,0,0,0,0,0,0,0,0,0,0,0,0,53,241,252,252,243,100,30,30,30,179,239,252,252,243,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,252,252,252,252,252,253,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,252,252,252,252,252,252,252,253,252,246,92,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,246,252,252,252,252,252,253,179,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,121,252,252,252,252,104,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,229,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,221,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,252,252,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,185,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,239,252,252,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,252,252,139,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,167,253,252,249,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,219,253,255,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,253,202,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,252,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,204,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,238,252,252,252,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,187,252,252,252,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,228,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,252,252,199,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,114,113,113,113,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,194,228,252,253,252,252,252,237,163,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,246,252,252,252,253,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,226,223,223,145,84,84,193,242,252,253,130,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,12,0,0,0,0,0,0,91,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,253,255,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,253,252,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,85,85,85,85,85,85,85,200,252,252,253,42,0,0,0,0,0,0,0,0,0,0,0,0,19,88,197,227,253,252,252,252,252,253,252,252,252,252,253,27,0,0,0,0,0,0,0,0,0,0,0,13,181,252,252,252,253,252,252,252,252,253,252,252,252,252,253,177,53,0,0,0,0,0,0,0,0,0,0,113,252,252,252,173,112,112,112,205,252,253,252,252,252,252,253,252,227,126,0,0,0,0,0,0,0,0,0,192,253,253,225,0,0,101,144,253,253,255,253,253,253,253,255,253,253,253,112,0,0,0,0,0,0,0,0,113,252,252,249,225,226,249,252,252,252,253,223,136,27,106,168,243,252,252,189,0,0,0,0,0,0,0,0,88,246,252,252,252,253,252,252,252,220,196,52,0,0,0,0,50,165,195,87,0,0,0,0,0,0,0,0,0,200,246,252,252,253,242,192,84,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,112,112,112,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,121,141,253,253,253,255,127,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,229,240,243,252,252,252,252,252,253,252,252,129,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,249,252,252,252,237,218,252,252,253,252,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,39,39,39,39,33,25,39,39,253,252,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,67,253,252,252,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,134,252,253,252,252,207,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,173,173,173,223,252,252,253,252,166,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,77,238,252,252,252,252,252,252,253,195,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,237,252,252,252,252,252,252,252,253,252,213,146,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,252,252,252,231,119,196,252,253,252,252,252,220,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,253,253,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,0,0,0,0,6,139,145,235,252,252,250,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,205,190,0,0,0,0,0,0,64,183,252,252,249,144,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,169,0,0,0,0,0,0,0,67,252,252,252,196,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,216,109,0,0,0,0,0,0,32,217,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,53,238,252,160,23,0,0,0,0,17,176,252,252,232,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,206,103,41,41,90,198,252,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,202,252,252,252,253,252,252,252,252,252,233,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,120,246,252,253,252,252,252,252,242,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,119,253,252,252,139,119,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,231,37,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,53,0,0,0,0,0,0,0,208,253,255,196,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,252,0,0,0,0,0,0,0,45,236,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,168,0,0,0,0,0,0,0,153,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,26,221,252,189,0,0,0,0,0,0,17,209,252,252,199,42,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,189,0,0,0,0,0,0,99,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,253,11,0,0,0,0,13,212,253,253,253,64,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,252,203,88,47,47,26,118,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,253,252,252,252,221,253,252,252,252,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,202,253,252,252,252,252,253,252,252,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,86,137,168,252,252,253,252,252,64,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,255,253,247,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,174,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,109,110,233,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,217,217,218,217,242,252,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,242,252,252,253,252,252,252,253,252,252,231,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,252,252,252,253,252,252,252,253,252,148,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,191,252,252,252,189,144,143,61,143,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,222,252,252,252,220,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,252,236,144,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,253,253,253,255,253,253,253,192,109,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,56,179,179,179,179,179,253,252,252,252,253,252,227,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,71,92,215,253,252,252,252,120,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,232,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,255,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,21,182,201,252,252,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,206,41,0,0,42,144,206,253,252,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,255,253,253,253,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,253,252,252,252,253,231,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,206,252,252,253,252,252,231,154,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,128,252,253,128,108,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,154,255,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,251,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,223,253,253,205,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,248,253,253,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,231,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,227,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,230,253,253,164,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,51,16,59,59,49,10,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,246,253,253,197,94,201,253,253,240,193,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,229,238,253,253,253,253,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,253,253,253,253,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,253,194,91,91,120,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,128,22,0,6,134,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,253,67,20,118,171,253,253,251,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,232,253,253,253,253,253,253,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,233,253,253,253,253,253,253,252,159,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,166,253,253,253,253,226,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,125,16,0,39,125,125,125,125,125,125,125,125,115,0,0,0,0,0,0,0,0,0,0,0,0,0,113,243,253,249,248,250,253,253,253,253,253,253,253,253,253,248,245,58,0,0,0,0,0,0,0,0,0,169,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,247,0,0,0,0,0,0,0,0,169,253,253,253,253,253,164,149,149,48,49,149,149,149,149,149,157,253,253,253,0,0,0,0,0,0,0,0,255,253,253,253,215,109,4,0,0,0,0,0,0,0,0,0,71,253,253,253,0,0,0,0,0,0,0,0,254,253,253,168,33,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,0,0,0,0,0,0,0,0,39,106,38,3,0,0,0,0,0,0,0,0,0,0,0,9,184,253,253,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,163,253,253,248,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,253,253,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,231,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,151,253,253,250,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,185,253,253,250,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,60,226,253,249,207,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,231,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,123,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,85,155,254,254,255,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,253,253,253,253,253,253,241,5,58,154,104,0,0,0,0,0,0,0,0,0,0,0,0,0,15,95,206,253,253,245,200,200,200,224,249,181,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,202,54,0,0,0,29,161,253,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,86,242,253,253,111,21,0,0,0,0,0,76,253,253,230,56,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,110,2,0,0,0,0,0,0,180,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,29,0,0,0,0,0,0,59,251,253,148,3,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,29,0,0,0,0,0,9,233,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,29,0,0,0,0,69,195,253,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,29,0,0,10,142,236,253,227,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,65,0,55,205,253,253,188,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,236,158,236,253,231,123,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,253,253,253,253,182,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,250,57,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,227,253,253,251,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,253,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,253,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,198,253,253,253,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,176,253,192,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,193,254,253,234,152,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,253,252,253,252,243,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,253,203,122,163,243,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,233,70,0,0,0,81,213,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,255,253,41,0,0,0,0,0,51,253,254,172,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,0,0,0,0,0,0,10,172,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,254,253,82,0,0,0,0,21,214,253,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,252,243,162,102,102,102,203,253,252,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,254,253,254,253,254,253,224,243,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,172,252,253,252,192,70,41,223,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,192,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,248,254,254,219,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,115,241,248,253,253,253,253,251,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,230,253,253,254,253,253,253,253,253,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,241,253,253,253,254,219,53,39,166,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,240,253,253,253,253,124,31,0,0,50,236,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,89,240,253,253,253,250,128,0,0,0,0,0,187,253,232,23,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,249,131,0,0,0,0,0,0,96,253,253,107,0,0,0,0,0,0,0,0,0,0,0,74,239,253,253,253,226,0,0,0,0,0,0,0,54,253,250,95,0,0,0,0,0,0,0,0,0,0,6,229,253,253,253,253,242,69,0,0,0,0,0,0,54,253,226,0,0,0,0,0,0,0,0,0,0,0,108,253,253,253,253,253,253,240,0,0,0,0,0,0,125,253,226,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,137,0,86,57,0,0,0,0,0,32,220,255,228,0,0,0,0,0,0,0,0,0,0,0,108,253,253,189,4,0,0,0,0,0,0,0,0,194,253,253,170,0,0,0,0,0,0,0,0,0,0,0,157,253,253,186,0,0,0,0,0,0,0,0,30,220,253,238,59,0,0,0,0,0,0,0,0,0,0,0,241,253,253,186,0,0,0,0,0,0,0,80,227,253,236,75,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,186,0,0,0,0,0,0,64,207,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,200,14,0,0,0,29,118,250,253,253,175,18,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,166,13,40,174,216,255,253,253,240,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,250,253,253,253,189,219,253,253,255,253,194,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,251,253,253,253,253,253,253,248,183,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,225,253,253,253,246,120,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,181,252,253,231,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,252,252,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,252,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,206,253,252,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,255,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,242,252,253,252,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,252,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,252,252,253,128,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,255,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,252,119,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,247,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,176,217,218,217,114,73,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,181,212,252,252,252,253,252,252,252,222,139,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,181,252,253,252,252,252,253,252,252,252,253,252,236,62,0,0,0,0,0,0,0,0,0,0,0,0,0,42,143,143,144,143,123,0,0,0,0,83,191,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,232,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,255,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,175,253,252,241,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,252,253,252,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,253,252,132,0,0,0,0,0,0,0,0,0,0,32,109,191,253,211,109,109,110,78,79,109,255,253,253,253,255,119,0,0,0,0,0,0,0,0,0,0,135,227,252,252,252,252,252,252,253,242,242,252,253,252,252,252,191,15,0,0,0,0,0,0,0,0,0,0,253,252,252,231,215,247,252,252,253,252,252,252,253,252,252,252,253,190,181,78,0,0,0,0,0,0,0,0,253,252,252,108,63,237,252,252,253,252,252,252,253,252,252,252,253,252,231,46,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,255,253,253,253,145,144,144,144,145,144,41,0,0,0,0,0,0,0,0,0,35,180,252,252,252,252,252,252,222,179,76,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,71,154,215,215,112,71,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,128,174,255,206,113,128,253,192,113,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,253,252,252,252,252,253,252,231,209,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,71,195,196,195,195,195,195,222,252,252,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,155,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,141,240,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,113,114,113,113,207,253,255,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,253,252,252,252,252,253,252,252,179,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,253,252,252,252,252,253,252,141,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,84,84,84,115,223,239,253,252,252,227,29,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,252,252,252,252,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,229,253,253,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,130,252,253,243,50,0,0,0,0,0,0,0,0,0,0,0,0,45,19,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,177,0,0,0,0,0,0,0,0,0,29,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,197,223,0,0,0,0,0,0,0,0,0,107,252,253,252,55,0,0,0,0,0,0,0,0,0,0,0,0,198,253,174,0,0,0,0,0,0,38,144,253,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,226,100,85,85,163,226,234,252,252,252,253,176,37,0,0,0,0,0,0,0,0,0,0,0,0,75,233,252,253,252,252,252,252,253,252,252,252,252,133,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,239,253,252,252,252,252,253,252,252,217,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,174,252,252,252,252,253,252,141,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,228,160,0,0,0,0,0,0,0,0,0,0,0,0,0,32,168,0,0,0,0,0,0,0,0,0,17,228,252,77,0,0,0,0,0,0,0,0,0,0,0,0,34,218,249,75,0,0,0,0,0,0,0,0,118,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,144,252,253,92,0,0,0,0,0,0,0,106,243,252,130,0,0,0,0,0,0,0,0,0,0,0,0,49,233,253,242,42,0,0,0,0,0,0,0,127,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,135,0,0,0,0,0,0,0,0,230,253,252,69,0,0,0,0,0,0,0,0,0,0,0,34,234,252,252,0,0,0,0,0,0,0,0,68,246,253,218,19,0,0,0,0,0,0,0,0,0,0,9,174,252,252,157,0,0,0,0,0,0,0,0,187,252,253,112,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,85,0,0,0,0,0,0,0,32,228,252,232,8,0,0,0,0,0,0,0,0,0,0,0,24,253,253,253,148,0,0,0,0,0,0,5,138,253,253,255,253,69,0,0,0,0,0,0,0,0,0,0,9,164,240,252,252,162,88,47,9,0,0,47,252,252,252,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,134,240,252,253,252,252,196,184,185,197,252,252,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,37,98,253,252,252,252,252,253,252,252,252,252,192,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,137,137,232,252,253,252,252,252,95,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,252,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,210,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,121,121,121,121,121,121,233,253,253,161,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,242,252,252,252,253,252,252,252,252,252,252,230,102,0,0,0,0,0,0,0,0,0,0,0,0,0,25,211,252,252,252,252,253,252,252,252,252,252,252,242,150,0,0,0,0,0,0,0,0,0,0,0,0,26,196,252,252,243,172,172,173,172,172,172,172,143,39,35,0,0,0,0,0,0,0,0,0,0,0,0,25,196,252,252,241,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,252,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,244,252,252,252,147,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,252,252,252,252,242,83,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,250,252,252,252,252,252,252,252,147,91,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,119,119,119,140,252,252,252,253,252,208,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,133,255,253,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,184,252,252,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,180,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,0,0,0,0,0,0,0,94,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,85,153,0,0,0,0,0,0,0,0,29,206,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,135,228,57,0,0,0,0,0,0,54,208,252,252,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,227,173,75,41,41,118,173,253,252,252,252,206,21,0,0,0,0,0,0,0,0,0,0,0,0,0,96,249,252,252,252,252,252,252,252,253,252,252,229,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,222,252,252,252,252,252,252,253,246,189,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,119,217,252,252,252,252,120,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,0,0,128,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,191,64,0,0,64,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,128,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,128,0,128,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,255,255,128,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,101,251,254,254,254,254,255,254,254,254,212,101,101,76,0,0,0,0,0,0,0,0,0,0,0,0,19,210,253,253,253,253,253,253,253,253,253,253,253,253,253,240,200,134,37,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,230,58,0,0,0,0,0,0,0,0,3,202,253,162,160,211,165,160,160,160,160,160,242,253,253,253,253,253,253,99,0,0,0,0,0,0,0,0,0,48,61,2,0,34,4,0,0,0,0,0,54,61,78,230,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,253,253,253,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,245,253,253,253,235,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,180,253,253,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,253,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,152,250,253,253,253,246,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,253,247,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,214,253,253,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,253,249,183,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,96,246,253,253,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,253,253,221,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,243,253,253,253,223,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,184,253,253,253,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,187,253,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,229,253,253,253,156,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,150,253,173,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,138,202,253,253,253,148,76,24,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,186,252,252,253,252,252,252,252,253,252,252,177,5,0,0,0,0,0,0,0,0,0,0,0,0,0,81,228,252,252,252,253,208,183,240,252,253,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,43,253,252,252,252,168,98,17,0,80,244,253,252,252,176,4,0,0,0,0,0,0,0,0,0,0,0,43,230,253,252,221,43,2,0,0,0,0,73,253,252,252,56,0,0,0,0,0,0,0,0,0,0,0,0,155,253,255,165,32,0,0,0,0,0,62,191,255,253,122,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,218,33,0,0,0,0,9,78,236,252,249,185,25,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,116,0,0,0,0,7,155,252,252,221,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,116,0,0,0,0,212,252,252,218,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,63,0,0,0,106,253,252,168,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,253,191,138,170,253,253,168,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,252,235,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,253,252,170,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,252,252,253,227,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,212,253,203,178,255,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,177,140,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,252,252,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,253,235,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,107,232,252,190,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,114,192,254,253,253,253,209,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,164,247,252,252,253,252,252,252,252,225,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,245,252,252,247,231,170,126,242,252,252,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,239,253,252,185,63,0,0,84,246,252,252,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,253,182,4,0,0,124,242,252,252,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,247,254,253,245,218,253,254,253,218,253,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,252,252,252,252,151,63,141,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,56,126,126,38,0,0,232,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,246,252,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,199,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,205,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,252,247,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,236,255,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,197,252,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,250,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,208,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,161,153,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,243,253,253,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,253,234,238,254,253,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,234,254,185,13,25,254,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,236,17,0,60,255,241,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,232,253,101,0,0,110,254,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,93,0,19,215,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,236,253,93,0,116,253,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,254,119,55,237,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,248,209,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,253,192,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,254,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,203,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,216,253,224,249,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,202,17,188,253,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,69,0,138,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,94,0,139,254,254,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,245,139,201,253,236,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,224,253,254,253,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,194,254,236,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,130,222,255,255,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,253,253,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,174,253,253,253,244,253,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,217,54,209,253,253,215,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,246,108,0,29,224,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,253,253,119,0,0,0,126,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,253,74,0,0,0,81,253,253,220,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,253,253,74,0,0,0,65,245,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,177,253,253,242,58,0,0,0,0,211,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,204,0,0,0,0,0,150,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,204,0,0,0,0,22,222,253,253,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,204,0,0,0,0,81,253,253,224,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,104,0,0,0,0,81,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,80,0,0,0,0,124,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,80,0,0,0,110,246,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,189,0,0,27,220,253,253,123,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,249,90,136,236,253,253,217,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,210,253,253,253,245,253,253,253,218,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,210,253,253,253,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,150,253,253,253,159,32,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,162,253,253,255,253,253,253,253,253,249,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,253,252,252,252,252,234,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,252,252,217,217,216,198,96,153,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,193,252,252,231,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,252,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,235,252,252,206,78,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,252,252,200,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,252,252,253,249,217,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,143,143,143,143,143,195,253,252,252,214,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,17,201,252,252,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,203,253,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,146,14,0,0,0,0,0,0,5,175,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,6,179,252,72,0,0,0,0,0,0,54,252,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,72,0,0,0,0,0,79,227,252,252,206,14,0,0,0,0,0,0,0,0,0,0,0,0,0,25,252,252,218,113,85,85,85,200,253,252,252,236,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,169,252,252,252,252,252,252,252,253,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,125,252,252,252,252,252,252,253,190,69,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,131,230,252,252,136,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,24,160,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,228,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,255,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,255,253,79,0,0,13,138,222,211,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,183,0,22,170,252,252,252,211,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,183,0,146,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,183,119,248,253,252,185,236,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,246,248,252,243,117,6,207,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,255,253,253,253,253,221,0,49,233,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,252,252,252,252,42,51,228,252,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,252,252,185,228,252,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,219,252,252,252,253,252,252,176,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,137,232,252,253,252,168,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,247,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,243,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,241,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,223,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,241,252,252,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,252,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,252,252,210,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,252,252,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,155,0,12,25,25,25,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,169,89,202,253,252,252,234,157,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,252,252,253,252,252,252,252,154,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,252,223,193,192,134,232,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,221,37,0,0,11,193,252,252,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,194,252,252,252,180,4,5,97,212,252,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,229,252,252,252,161,105,252,252,252,229,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,252,253,252,252,208,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,52,235,252,252,253,252,160,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,109,191,255,211,109,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,73,135,247,252,252,253,252,252,232,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,252,253,252,252,252,253,252,252,252,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,125,221,252,253,252,252,168,108,148,252,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,1,170,252,252,252,253,220,41,0,0,0,21,205,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,125,252,252,252,252,222,45,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,27,221,252,252,246,215,125,0,0,0,0,0,0,144,253,252,71,0,0,0,0,0,0,0,0,0,0,0,120,252,252,252,215,0,0,0,0,0,0,0,0,144,253,210,31,0,0,0,0,0,0,0,0,0,0,73,253,253,253,222,41,0,0,0,0,0,0,0,0,145,255,119,0,0,0,0,0,0,0,0,0,0,0,73,252,252,252,138,0,0,0,0,0,0,0,0,32,237,253,35,0,0,0,0,0,0,0,0,0,0,0,176,252,252,252,35,0,0,0,0,0,0,0,11,150,252,253,35,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,35,0,0,0,0,0,0,0,73,252,252,253,35,0,0,0,0,0,0,0,0,0,0,0,218,253,253,206,20,0,0,0,0,0,0,0,135,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,174,10,0,0,0,0,0,0,135,247,252,128,20,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,252,35,0,0,0,0,130,181,253,252,205,31,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,252,252,35,0,0,0,125,221,252,253,210,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,211,109,109,171,253,253,253,255,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,231,252,252,252,252,252,253,252,252,252,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,175,252,252,252,252,253,252,205,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,108,232,252,252,191,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,241,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,126,126,121,10,0,20,243,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,177,254,254,254,209,120,141,254,241,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,254,254,109,182,254,254,254,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,203,254,245,104,2,3,185,254,254,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,133,0,0,5,201,254,215,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,203,2,0,11,174,254,225,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,201,0,0,172,254,241,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,239,30,58,250,250,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,169,254,192,151,245,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,199,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,152,254,254,249,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,230,125,254,254,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,251,168,54,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,168,54,254,254,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,224,183,254,254,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,250,254,254,252,158,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,190,255,253,253,140,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,247,252,253,252,252,252,207,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,243,252,252,253,212,242,252,252,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,198,252,252,252,215,29,85,240,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,176,252,252,252,146,28,0,0,178,252,213,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,252,252,252,242,31,0,0,0,64,241,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,208,252,252,233,75,0,0,0,0,0,200,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,252,225,0,0,0,0,0,0,200,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,252,147,0,0,0,0,0,0,200,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,93,0,0,0,0,0,43,227,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,213,0,0,0,0,0,0,144,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,212,0,0,0,0,0,90,250,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,212,0,0,0,0,0,142,252,252,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,212,0,0,0,0,132,248,252,188,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,212,0,0,0,130,249,252,231,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,220,20,3,125,253,252,232,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,252,252,131,177,252,253,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,252,252,252,253,170,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,214,252,252,252,252,245,176,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,147,252,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,121,121,121,121,121,121,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,249,252,252,252,252,253,252,247,240,134,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,125,158,158,158,208,253,252,252,252,252,205,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,39,165,201,252,252,252,204,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,95,238,252,252,205,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,238,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,252,238,0,0,0,0,0,0,0,0,0,0,0,0,102,226,253,253,253,253,253,255,127,190,121,121,219,253,253,240,0,0,0,0,0,0,0,0,0,0,46,226,250,252,252,252,252,252,252,253,252,252,252,252,252,252,252,168,0,0,0,0,0,0,0,0,0,0,156,252,252,252,183,158,158,163,252,253,252,252,252,252,252,252,252,250,226,0,0,0,0,0,0,0,0,144,250,252,184,67,11,0,0,3,39,39,199,252,252,252,252,252,252,248,172,0,0,0,0,0,0,0,0,253,252,252,39,0,0,0,0,0,0,68,215,252,252,252,252,206,101,50,0,0,0,0,0,0,0,0,0,253,252,252,39,0,0,0,6,61,186,253,252,252,252,238,170,21,0,0,0,0,0,0,0,0,0,0,0,232,252,252,185,173,173,173,181,252,252,253,252,237,169,58,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,252,252,252,252,252,252,252,252,253,226,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,250,252,252,252,250,238,238,107,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,119,119,119,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,173,253,253,253,255,253,253,253,167,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,252,252,253,252,252,252,252,221,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,96,96,96,96,96,96,170,240,252,252,220,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,238,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,232,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,73,73,73,90,233,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,188,225,252,253,252,252,252,252,228,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,229,252,252,252,253,252,252,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,232,252,252,252,253,252,252,252,252,245,131,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,131,131,131,132,63,11,115,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,252,155,0,0,0,0,0,0,0,0,0,0,0,0,23,12,0,0,0,0,0,0,0,0,0,0,61,252,252,216,15,0,0,0,0,0,0,0,0,0,0,5,175,84,0,0,0,0,0,0,0,0,0,0,84,252,252,252,23,0,0,0,0,0,0,0,0,0,0,19,229,181,18,0,0,0,0,0,0,0,0,12,198,252,252,229,18,0,0,0,0,0,0,0,0,0,0,0,157,252,124,17,0,0,0,0,0,0,11,164,252,252,252,122,0,0,0,0,0,0,0,0,0,0,0,0,59,252,252,181,85,85,8,0,0,49,109,252,252,252,224,24,0,0,0,0,0,0,0,0,0,0,0,0,6,134,252,252,252,252,220,217,218,237,252,252,252,224,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,52,227,252,252,252,252,253,252,252,252,174,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,110,131,241,252,253,241,131,51,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,114,113,222,253,253,255,253,253,253,253,192,75,0,0,0,0,0,0,0,0,0,0,0,0,0,98,225,240,253,252,252,252,252,253,252,252,252,252,253,243,175,0,0,0,0,0,0,0,0,0,0,0,176,240,252,252,253,252,252,252,252,253,252,252,252,252,253,252,239,66,0,0,0,0,0,0,0,0,0,0,225,252,252,236,225,223,114,84,84,84,84,84,84,161,253,252,252,177,0,0,0,0,0,0,0,0,0,0,225,252,157,50,0,0,0,0,0,0,0,0,0,0,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,252,252,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,253,252,245,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,200,252,252,253,223,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,252,252,252,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,169,243,252,252,252,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,203,253,252,252,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,207,253,255,253,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,253,252,154,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,240,252,252,253,154,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,252,252,252,162,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,221,236,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,154,253,253,253,192,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,144,243,253,252,252,252,253,234,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,253,233,168,168,178,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,243,252,252,178,22,0,0,79,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,140,0,19,29,79,255,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,252,252,215,170,225,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,252,252,252,253,252,252,214,216,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,252,252,253,177,52,15,141,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,63,0,0,0,63,254,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,233,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,249,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,253,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,252,252,214,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,241,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,189,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,188,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,84,89,17,0,0,0,0,24,236,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,217,253,129,0,0,0,0,0,138,254,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,248,255,209,0,0,0,0,0,26,244,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,247,254,250,84,0,0,0,0,0,96,254,254,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,114,0,0,0,0,0,11,208,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,41,249,254,243,45,0,0,0,0,0,131,254,254,187,5,0,0,0,0,0,0,0,0,0,0,0,0,0,37,249,254,234,16,0,0,0,0,21,251,254,248,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,146,53,0,0,0,139,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,226,254,254,253,225,146,167,254,254,254,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,167,254,254,254,254,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,15,107,144,249,254,254,237,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,243,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,197,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,162,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,251,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,117,141,141,141,141,191,255,178,141,141,141,141,44,0,0,0,0,0,0,0,0,0,0,13,57,157,253,252,252,252,253,252,252,252,253,252,252,252,253,252,224,19,0,0,0,0,0,0,0,0,0,95,252,252,253,252,252,214,168,168,130,156,168,168,168,205,253,252,252,28,0,0,0,0,0,0,0,0,126,243,252,252,253,177,139,28,0,0,0,0,0,0,0,63,253,252,177,3,0,0,0,0,0,0,0,0,129,253,253,178,51,0,0,0,0,0,0,0,0,0,0,226,254,253,156,0,0,0,0,0,0,0,0,0,10,84,84,9,0,0,0,0,0,0,0,0,0,0,19,231,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,225,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,231,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,252,148,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,222,252,253,202,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,187,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,215,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,173,255,252,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,150,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,192,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,253,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,200,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,231,253,241,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,199,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,198,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,253,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,238,253,253,231,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,232,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,241,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,253,231,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,124,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,152,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,212,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,205,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,108,233,253,255,253,137,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,110,219,252,252,252,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,205,253,252,252,252,252,184,196,252,185,70,70,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,185,119,45,0,9,77,160,244,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,178,37,0,0,0,0,0,136,250,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,231,0,0,0,0,3,97,170,253,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,13,215,252,245,161,161,161,161,170,252,252,252,252,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,252,253,252,252,252,252,253,252,252,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,150,161,177,252,218,160,150,62,221,252,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,22,14,0,0,99,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,252,221,43,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,253,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,202,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,228,252,243,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,232,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,111,238,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,151,254,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,199,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,204,254,254,175,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,235,254,254,237,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,236,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,171,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,200,254,254,159,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,155,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,205,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,246,254,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,153,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,234,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,236,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,105,173,253,253,253,255,184,132,132,105,13,9,0,0,0,0,0,0,0,0,0,0,0,0,3,100,165,252,252,252,252,252,252,253,252,252,252,252,252,216,99,3,0,0,0,0,0,0,0,0,0,2,115,252,252,252,252,252,221,216,216,217,216,238,252,252,252,252,252,23,0,0,0,0,0,0,0,0,0,4,157,222,124,84,84,84,12,0,0,0,0,52,84,170,241,252,252,125,3,0,0,0,0,0,0,0,0,0,7,27,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,221,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,244,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,200,252,252,210,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,252,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,211,252,252,245,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,211,252,252,252,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,252,188,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,217,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,250,253,252,207,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,244,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,249,252,249,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,252,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,195,254,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,188,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,253,253,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,231,253,253,169,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,249,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,252,253,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,222,253,253,243,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,222,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,79,251,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,253,253,253,131,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,253,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,232,253,253,231,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,238,242,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,122,253,238,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,5,0,0,0,0,0,0,133,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,113,242,146,0,0,0,0,0,0,220,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,189,0,0,0,0,0,53,248,253,211,11,0,0,0,0,0,0,0,0,0,0,0,0,0,62,250,253,199,52,0,0,0,0,0,210,253,244,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,165,0,0,0,0,0,21,223,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,229,253,253,69,0,0,0,0,15,196,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,199,0,0,0,0,0,48,254,254,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,198,0,0,0,0,0,173,253,253,247,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,236,253,244,89,0,0,0,44,254,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,250,239,133,133,185,255,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,234,253,253,253,253,253,254,253,253,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,94,207,253,253,253,254,253,253,246,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,225,253,254,217,40,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,253,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,228,253,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,238,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,225,253,252,252,252,252,86,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,197,234,252,253,252,252,252,252,253,233,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,243,252,252,252,253,252,252,252,252,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,252,252,252,252,253,252,252,252,252,253,204,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,253,255,168,0,108,253,255,253,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,252,252,253,121,0,3,152,253,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,54,227,253,252,252,252,252,253,27,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,230,223,239,178,9,0,0,140,253,252,195,0,0,0,0,0,0,0,0,0,0,0,0,32,215,252,253,204,25,0,63,63,0,0,0,140,253,252,118,0,0,0,0,0,0,0,0,0,0,0,0,198,253,253,255,106,0,0,0,0,0,0,13,191,255,253,56,0,0,0,0,0,0,0,0,0,0,0,76,246,252,252,253,27,0,0,0,0,0,0,154,252,253,176,6,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,165,6,0,0,0,0,0,45,234,252,253,136,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,140,0,0,0,0,0,10,156,252,252,240,24,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,140,0,0,0,0,0,163,252,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,255,27,0,0,0,176,253,253,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,181,85,178,225,253,252,252,226,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,177,252,252,253,252,252,252,252,253,252,208,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,196,252,253,252,252,252,252,225,176,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,112,253,252,252,236,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,253,255,253,236,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,220,252,252,253,252,252,252,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,189,252,252,252,253,252,252,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,229,84,180,252,252,252,193,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,235,252,252,226,101,0,145,252,252,252,252,228,26,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,252,252,252,143,0,0,104,225,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,252,252,252,46,0,0,0,105,224,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,14,184,252,252,252,124,4,0,0,0,0,24,191,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,252,216,20,0,0,0,0,0,0,181,252,175,4,0,0,0,0,0,0,0,0,0,0,0,0,37,252,252,217,30,0,0,0,0,0,0,24,215,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,180,0,0,0,0,0,0,0,49,253,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,180,0,0,0,0,0,0,4,126,252,245,95,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,180,0,0,0,0,0,0,37,252,252,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,228,32,0,0,0,0,5,135,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,252,252,133,0,0,0,0,111,252,252,209,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,228,252,252,232,27,0,0,44,227,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,165,85,85,231,252,252,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,191,252,252,252,252,252,253,252,238,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,175,252,252,252,252,253,190,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,131,235,252,252,190,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,203,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,176,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,249,73,0,0,0,175,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,188,253,156,0,0,0,218,253,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,243,253,253,156,0,0,97,254,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,88,254,248,73,0,0,109,255,251,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,253,175,0,0,0,156,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,226,253,127,0,0,0,156,254,247,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,217,253,223,97,0,0,204,254,253,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,198,252,255,242,194,254,255,251,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,218,253,253,253,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,39,178,253,219,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,230,254,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,241,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,255,255,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,253,249,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,231,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,253,253,243,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,233,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,253,237,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,201,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,165,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,170,253,253,200,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,197,253,253,189,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,242,253,253,204,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,233,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,198,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,157,253,171,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,29,29,128,154,253,253,253,192,116,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,179,252,252,252,253,252,252,252,253,252,100,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,252,252,253,252,252,252,253,252,252,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,252,252,202,128,28,28,78,203,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,231,25,0,0,0,0,29,253,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,121,19,0,0,0,0,0,10,196,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,204,253,255,247,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,150,252,252,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,252,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,253,244,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,231,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,38,38,38,139,146,188,208,255,254,254,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,237,253,253,253,253,253,253,253,253,253,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,39,164,241,253,253,253,253,253,253,253,251,248,248,188,102,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,253,225,102,102,102,102,102,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,226,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,247,253,230,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,235,74,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,225,195,110,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,133,237,250,253,253,253,252,161,84,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,99,211,253,253,253,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,54,202,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,217,253,238,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,152,253,253,201,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,9,0,0,0,0,0,86,225,253,253,238,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,212,0,0,0,20,140,232,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,184,141,145,250,253,253,253,228,64,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,240,253,253,253,253,253,219,183,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,134,253,253,253,233,145,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,135,101,146,153,255,255,254,255,166,146,119,23,0,0,0,0,0,0,0,0,0,0,0,0,23,125,196,253,253,253,253,253,253,253,253,253,253,253,253,225,69,0,0,0,0,0,0,0,0,0,0,0,93,240,253,253,253,252,248,248,248,202,248,248,206,249,253,253,235,32,0,0,0,0,0,0,0,0,0,0,165,253,253,221,118,124,0,0,0,0,0,0,0,179,253,253,221,0,0,0,0,0,0,0,0,0,0,0,20,113,153,17,0,0,0,0,0,0,0,0,0,90,253,253,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,253,253,173,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,251,253,174,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,246,253,253,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,236,253,188,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,199,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,242,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,242,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,253,247,97,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,201,253,253,209,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,238,253,245,79,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,249,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,239,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,198,253,128,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,248,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,248,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,252,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,238,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,248,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,253,252,252,198,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,252,252,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,255,253,209,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,253,252,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,252,253,156,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,168,252,252,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,252,252,252,123,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,231,252,252,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,197,252,252,221,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,252,252,249,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,252,250,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,55,233,253,255,253,253,159,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,219,252,252,252,253,252,252,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,122,253,252,252,252,252,253,252,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,252,253,252,252,252,168,150,98,154,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,252,168,43,2,0,0,122,252,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,116,53,0,0,0,0,13,118,253,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,89,161,212,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,234,252,252,253,252,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,253,252,252,252,232,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,252,252,243,137,137,232,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,241,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,34,51,0,0,0,0,0,0,0,0,119,248,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,144,242,0,0,0,0,0,0,0,32,228,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,17,212,253,11,0,0,0,0,0,36,222,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,203,88,47,47,47,110,219,252,252,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,135,252,253,252,252,252,252,253,252,252,227,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,150,253,252,252,252,252,253,252,185,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,137,168,252,252,137,64,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,179,253,253,255,253,178,110,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,252,252,253,252,252,252,197,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,96,96,96,217,216,238,252,252,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,214,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,225,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,176,193,193,194,227,252,252,206,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,252,252,236,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,252,253,252,252,245,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,128,190,200,144,154,252,252,218,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,6,0,2,29,212,252,249,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,250,253,213,19,0,0,0,0,0,0,0,0,0,0,0,3,25,8,0,0,0,0,0,0,0,0,0,0,112,252,252,105,0,0,0,0,0,0,0,0,0,0,0,25,252,101,0,0,0,0,0,0,0,0,0,0,61,252,252,155,0,0,0,0,0,0,0,0,0,0,0,25,252,236,48,0,0,0,0,0,0,0,0,0,61,252,252,155,0,0,0,0,0,0,0,0,0,0,0,25,252,252,158,0,0,0,0,0,0,0,0,0,90,252,252,155,0,0,0,0,0,0,0,0,0,0,0,6,144,252,238,158,49,0,0,0,0,0,0,129,235,252,252,122,0,0,0,0,0,0,0,0,0,0,0,0,7,184,252,252,236,205,96,85,45,97,205,237,252,252,183,24,0,0,0,0,0,0,0,0,0,0,0,0,0,47,179,252,252,252,252,252,237,252,252,252,252,224,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,58,232,252,252,252,253,252,252,252,226,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,58,131,247,253,241,131,51,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,178,254,241,144,53,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,204,253,253,253,254,253,253,180,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,192,253,253,253,254,253,253,253,201,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,10,10,10,11,40,231,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,253,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,0,0,39,152,213,253,253,171,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,223,232,232,242,254,253,253,185,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,250,253,253,253,254,253,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,176,176,244,254,253,228,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,158,253,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,249,254,158,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,245,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,133,29,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,79,0,0,0,0,0,0,0,243,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,234,104,0,0,0,0,0,118,251,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,245,253,243,165,122,26,26,151,250,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,220,253,253,253,253,255,253,253,253,200,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,123,253,253,253,254,253,253,122,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,52,143,239,192,143,52,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,177,255,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,77,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,252,252,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,247,252,229,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,114,0,0,0,0,0,8,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,212,252,221,20,0,0,0,0,0,56,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,208,0,0,0,0,0,0,99,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,252,208,0,0,0,0,0,0,165,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,208,0,0,0,0,0,0,165,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,196,252,252,170,0,0,0,0,0,0,165,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,176,252,252,99,0,0,0,0,0,0,165,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,237,252,250,82,0,0,0,0,0,0,165,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,241,0,0,0,0,0,0,0,165,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,229,193,0,0,0,0,0,0,0,70,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,218,255,239,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,220,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,99,247,253,227,99,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,250,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,221,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,140,253,253,74,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,175,253,253,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,204,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,229,253,248,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,167,0,0,0,28,55,55,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,240,253,236,61,0,0,73,221,253,253,202,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,104,0,18,199,250,253,253,253,253,250,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,251,74,21,201,253,253,253,214,194,251,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,5,234,253,243,0,174,253,253,137,48,17,0,156,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,243,42,245,253,213,25,0,0,23,194,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,245,25,99,181,29,0,0,41,238,253,237,66,0,0,0,0,0,0,0,0,0,0,0,0,0,1,168,253,253,140,0,0,0,38,158,221,253,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,245,253,253,249,249,249,251,253,253,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,246,253,253,253,253,253,253,181,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,145,182,253,253,168,90,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,122,248,255,253,236,110,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,65,237,252,252,253,252,252,252,146,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,156,252,252,252,252,217,216,238,252,252,87,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,229,252,252,252,208,89,0,0,52,107,238,252,144,7,0,0,0,0,0,0,0,0,0,0,0,0,27,229,252,252,252,97,7,0,0,0,9,61,198,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,71,252,252,231,139,9,0,0,0,0,71,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,204,85,85,8,0,5,97,234,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,252,252,220,217,220,252,252,252,252,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,4,104,221,252,252,252,252,252,253,252,236,84,218,252,252,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,104,131,235,252,194,132,63,10,107,252,252,171,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,115,252,252,245,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,252,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,252,252,241,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,252,252,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,253,252,240,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,252,253,243,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,80,130,148,254,255,254,254,254,218,130,130,24,1,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,253,253,253,253,253,253,253,253,253,253,253,150,25,1,0,0,0,0,0,0,0,0,0,0,0,12,245,251,235,235,235,235,235,235,235,240,253,253,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,59,95,0,0,0,0,0,0,0,31,105,208,238,253,253,152,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,179,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,242,253,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,220,253,253,230,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,184,253,253,253,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,253,253,253,226,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,241,253,253,226,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,212,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,221,253,253,253,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,189,253,253,253,138,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,187,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,207,253,253,139,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,214,226,99,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,237,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,234,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,244,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,249,212,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,224,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,226,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,94,106,22,0,0,0,0,0,0,177,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,252,51,0,0,0,0,0,79,247,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,246,254,128,0,0,0,0,0,0,149,254,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,44,0,0,0,0,0,22,243,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,211,2,0,0,0,0,0,126,254,239,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,254,210,0,0,0,0,0,0,158,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,249,106,0,0,0,0,63,241,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,216,254,249,210,131,131,192,243,254,243,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,213,254,254,254,254,254,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,65,139,139,139,148,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,255,224,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,179,242,141,53,29,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,187,252,252,253,252,252,252,253,196,131,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,196,234,177,178,252,252,252,253,252,252,228,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,22,3,4,28,28,28,91,215,252,252,238,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,253,255,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,0,45,57,70,169,234,252,234,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,197,223,197,240,252,253,252,252,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,252,252,253,252,164,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,213,226,225,247,253,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,253,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,0,0,103,252,243,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,229,63,0,0,0,0,0,0,0,29,253,253,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,188,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,247,66,0,0,0,0,0,0,66,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,184,0,0,0,0,0,51,241,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,253,78,29,29,54,229,253,254,253,194,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,252,252,252,253,252,252,252,247,171,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,252,252,253,252,252,214,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,139,240,253,227,103,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,128,254,192,121,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,200,253,253,254,253,242,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,190,253,253,253,254,253,253,245,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,243,253,253,253,211,104,249,253,253,243,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,242,253,253,253,136,25,0,50,173,243,253,242,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,245,115,28,0,0,0,0,214,253,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,65,241,253,253,192,0,0,0,0,0,0,180,245,253,219,15,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,247,71,0,0,0,0,0,0,0,201,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,192,0,0,0,0,0,0,0,0,194,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,0,0,0,0,0,0,68,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,229,254,254,67,0,0,0,0,0,0,0,0,68,254,255,228,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,0,0,0,0,0,0,68,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,0,0,0,0,0,0,117,253,253,226,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,109,0,0,0,0,0,0,0,26,217,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,242,63,0,0,0,0,0,0,187,253,253,221,20,0,0,0,0,0,0,0,0,0,0,0,0,75,245,253,253,178,0,0,0,0,23,104,243,253,242,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,253,253,241,160,17,0,20,201,253,253,243,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,206,253,253,253,199,161,206,253,253,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,205,249,253,253,253,255,253,248,197,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,255,253,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,138,201,201,255,253,253,117,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,162,219,252,252,252,228,214,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,112,215,253,252,252,227,130,32,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,240,252,252,253,252,185,50,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,147,137,64,6,0,0,0,47,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,116,74,0,0,0,0,0,0,0,57,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,178,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,227,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,252,252,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,243,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,11,24,24,24,24,24,24,24,7,9,233,255,249,115,0,0,0,0,0,0,0,0,0,0,0,0,13,140,203,253,252,252,252,252,253,252,186,194,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,66,203,252,252,253,252,252,252,252,253,252,252,252,252,236,56,0,0,0,0,0,0,0,0,0,0,0,19,236,252,252,168,98,45,45,45,45,169,252,252,252,252,249,118,0,0,0,0,0,0,0,0,0,0,0,76,252,252,64,2,0,0,0,0,0,128,252,252,252,252,253,248,115,0,0,0,0,0,0,0,0,0,0,24,253,253,46,0,0,0,0,9,181,255,253,247,135,63,244,253,253,46,0,0,0,0,0,0,0,0,0,24,252,252,45,0,0,0,66,194,252,253,244,149,0,0,114,236,240,37,0,0,0,0,0,0,0,0,0,7,186,252,196,80,132,184,234,252,252,247,98,0,0,0,0,65,81,0,0,0,0,0,0,0,0,0,0,0,67,252,252,252,253,252,252,252,168,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,107,137,242,253,231,137,43,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,151,254,93,13,0,0,2,13,13,48,174,254,93,1,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,253,253,146,145,161,253,253,253,253,253,253,70,0,0,0,0,0,0,0,0,0,0,0,0,56,231,253,253,253,253,254,253,253,253,253,253,253,253,168,5,0,0,0,0,0,0,0,0,0,0,0,10,195,253,253,211,95,141,206,205,205,205,205,170,84,84,8,0,0,0,0,0,0,0,0,0,0,0,9,155,253,253,233,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,156,253,253,253,233,194,141,73,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,253,253,253,253,253,253,253,253,230,194,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,125,253,184,156,156,156,198,253,254,253,248,195,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,24,7,0,0,0,10,24,88,207,253,253,208,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,207,253,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,255,254,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,222,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,146,253,253,201,14,0,0,0,0,0,0,0,0,0,0,0,74,66,0,0,0,0,0,0,0,0,39,148,253,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,214,249,206,126,24,0,0,0,0,82,232,253,253,253,163,12,0,0,0,0,0,0,0,0,0,0,0,0,25,212,253,253,228,218,177,201,218,252,254,253,253,188,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,160,253,253,253,253,253,253,253,254,253,168,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,11,40,167,253,253,253,253,132,63,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,85,155,254,254,255,254,194,136,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,253,253,237,253,253,253,253,235,124,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,248,181,82,44,82,134,252,253,253,253,150,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,59,0,0,0,0,0,63,174,253,253,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,182,253,253,188,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,253,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,244,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,227,253,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,237,253,253,139,6,0,0,0,0,0,0,0,0,0,0,0,0,32,154,231,231,231,231,148,113,71,51,240,253,253,224,30,0,0,0,0,0,0,0,0,0,0,0,19,155,250,253,253,253,253,253,253,253,252,251,253,253,231,46,0,0,0,0,0,0,0,0,0,0,0,3,117,253,253,243,224,224,224,242,253,253,253,253,253,253,253,226,55,5,0,0,0,0,0,0,0,0,0,74,253,253,240,79,0,0,0,83,253,253,253,253,253,253,253,253,253,130,4,0,0,0,0,0,0,0,0,18,253,253,200,12,0,33,131,195,253,253,253,253,189,196,253,253,253,253,103,0,0,0,0,0,0,0,0,12,221,253,253,211,201,227,253,253,253,253,222,63,1,7,75,192,253,253,135,0,0,0,0,0,0,0,0,0,52,253,253,253,253,253,253,253,230,117,22,0,0,0,0,9,128,200,27,0,0,0,0,0,0,0,0,0,3,42,168,253,253,251,135,61,13,0,0,0,0,0,0,0,0,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,123,245,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,252,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,253,252,233,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,246,253,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,254,204,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,0,38,64,64,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,0,0,132,236,252,252,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,254,63,22,139,253,255,253,253,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,63,127,252,252,253,189,131,252,252,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,253,202,234,252,252,153,5,2,79,252,232,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,252,253,252,252,252,182,0,0,0,64,252,253,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,218,253,252,252,226,42,0,0,0,108,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,253,253,190,0,0,0,145,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,252,210,50,0,100,247,252,252,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,252,252,244,189,247,252,247,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,252,252,252,253,252,247,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,191,252,252,253,217,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,218,255,254,187,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,250,253,253,253,253,245,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,249,253,253,253,253,253,253,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,127,252,253,253,243,183,65,225,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,122,253,253,253,244,103,0,0,125,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,165,253,253,253,248,100,0,0,0,50,246,253,228,52,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,253,253,253,93,0,0,0,0,0,170,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,75,252,253,253,253,11,1,0,0,0,0,0,104,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,199,253,253,253,207,4,0,0,0,0,0,0,48,235,253,212,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,249,90,0,0,0,0,0,0,0,104,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,138,0,0,0,0,0,0,0,0,204,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,103,0,0,0,0,0,0,0,14,242,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,106,0,0,0,0,0,0,0,125,253,253,251,73,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,246,61,0,0,0,0,0,4,187,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,253,176,3,0,0,0,12,182,253,253,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,253,253,253,87,9,0,0,73,253,253,253,136,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,205,162,163,234,253,253,228,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,173,253,253,253,253,253,253,253,253,233,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,177,243,253,253,253,253,251,229,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,175,253,253,227,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,93,155,74,0,116,255,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,166,254,253,253,147,175,253,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,254,253,253,254,253,253,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,137,254,246,38,156,246,254,254,229,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,253,129,0,0,130,253,253,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,238,36,0,0,72,253,245,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,224,17,0,0,160,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,236,33,0,21,248,251,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,135,0,181,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,213,253,215,91,253,222,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,254,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,247,254,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,249,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,180,254,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,241,235,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,158,249,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,228,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,241,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,248,253,194,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,71,192,254,254,254,209,128,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,73,224,253,253,253,253,253,253,253,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,204,188,188,165,173,206,253,190,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,243,253,247,124,8,0,0,0,0,70,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,101,0,0,0,0,0,5,163,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,175,7,0,0,0,0,8,122,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,167,24,0,0,0,2,164,253,253,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,243,184,139,139,220,253,251,130,231,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,224,253,253,253,253,253,253,194,111,70,254,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,56,137,203,203,106,24,2,0,70,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,241,253,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,242,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,172,253,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,201,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,251,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,216,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,250,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,216,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,3,0,0,0,49,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,216,159,0,0,0,95,254,254,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,234,254,128,0,0,0,95,254,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,210,254,205,6,0,0,0,155,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,254,254,127,0,0,0,12,229,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,73,0,0,0,18,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,4,0,0,0,97,254,254,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,15,0,0,0,119,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,254,136,2,0,0,197,254,254,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,173,254,254,168,95,106,239,254,254,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,254,254,254,254,254,254,229,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,124,203,254,207,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,22,36,254,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,250,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,182,253,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,138,216,216,137,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,213,254,254,254,254,238,185,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,140,140,180,250,254,254,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,184,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,234,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,123,234,254,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,50,170,254,254,254,228,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,154,196,199,254,254,254,254,184,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,254,254,254,245,70,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,138,92,92,92,197,254,233,75,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,118,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,149,250,235,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,0,0,0,0,0,0,0,0,207,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,221,84,0,0,0,0,0,0,0,207,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,209,0,0,0,0,0,0,69,239,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,248,84,0,0,0,38,113,240,254,243,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,191,254,233,141,141,141,229,254,254,254,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,247,254,254,254,254,254,254,208,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,166,254,254,254,215,136,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,24,24,45,139,139,139,203,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,22,163,162,162,195,253,254,253,253,253,253,254,253,219,37,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,253,253,253,253,254,253,253,253,253,185,111,19,0,0,0,0,0,0,0,0,0,0,0,0,0,77,249,254,236,161,161,161,161,161,161,66,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,219,253,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,192,254,254,234,24,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,253,254,253,228,162,162,47,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,253,254,253,253,253,253,254,241,153,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,129,194,169,161,161,161,109,161,254,253,253,174,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,2,0,0,0,0,0,23,118,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,206,254,254,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,93,0,0,0,0,0,0,0,70,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,53,0,0,0,0,0,22,206,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,179,0,0,0,0,3,119,254,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,236,17,0,0,0,119,253,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,210,101,112,185,255,253,253,228,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,193,254,253,253,253,253,254,253,228,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,138,159,253,253,253,254,158,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,0,0,0,29,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,226,0,0,0,114,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,86,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,0,0,0,0,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,86,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,57,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,141,255,255,0,29,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,57,0,0,0,198,255,255,0,86,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,226,29,0,0,255,255,226,29,226,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,255,255,170,114,255,255,255,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,255,255,255,255,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,86,141,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,214,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,52,51,21,142,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,203,243,253,252,123,0,253,252,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,254,253,234,253,254,213,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,252,91,50,30,131,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,131,0,0,0,0,214,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,50,0,0,0,41,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,254,50,0,0,31,193,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,172,0,41,173,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,152,193,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,253,254,233,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,252,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,224,243,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,212,20,203,253,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,255,172,0,163,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,142,223,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,234,253,254,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,192,253,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,234,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,170,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,134,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,221,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,243,255,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,252,253,252,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,220,252,253,187,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,252,252,180,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,227,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,252,168,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,29,29,117,141,192,216,165,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,57,82,169,206,253,252,252,252,253,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,252,252,252,253,252,252,252,244,168,80,31,0,0,0,0,0,0,0,0,0,0,0,0,0,101,246,252,253,252,252,252,241,139,139,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,151,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,210,253,252,252,228,198,122,85,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,252,253,252,252,252,253,252,252,240,163,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,226,225,137,113,114,113,200,250,255,228,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,149,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,10,85,19,0,0,0,0,0,0,0,29,210,253,252,224,19,0,0,0,0,0,0,0,0,0,0,0,0,29,252,56,0,0,0,0,0,13,113,210,252,253,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,78,16,0,7,29,79,204,253,253,253,226,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,215,169,187,252,252,253,252,252,177,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,224,252,252,253,252,252,252,253,233,130,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,65,190,253,252,214,139,28,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,79,154,253,253,253,255,178,104,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,197,252,253,252,252,252,253,252,252,178,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,252,253,196,130,56,119,168,234,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,202,28,9,0,0,0,0,59,240,225,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,255,247,100,0,0,0,0,0,0,0,98,253,254,84,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,121,0,0,0,0,0,0,7,131,234,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,84,0,0,0,0,0,38,204,252,252,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,85,252,253,209,113,113,114,113,150,237,253,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,38,213,254,253,253,253,254,253,253,228,129,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,234,252,252,197,196,109,9,104,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,56,56,0,0,0,0,229,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,246,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,253,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,214,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,125,218,255,167,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,222,252,253,253,253,253,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,245,253,253,253,253,253,253,253,252,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,253,253,232,149,165,253,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,249,253,253,228,58,20,0,4,122,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,233,253,253,227,53,0,0,0,0,5,168,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,36,217,253,253,253,71,0,0,0,0,0,0,156,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,253,253,188,9,0,0,0,0,0,0,156,253,240,0,0,0,0,0,0,0,0,0,0,0,0,0,209,253,253,229,59,0,0,0,0,0,0,10,184,253,240,0,0,0,0,0,0,0,0,0,0,0,0,86,249,253,253,168,0,0,0,0,0,0,0,33,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,71,0,0,0,0,0,0,0,130,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,38,0,0,0,0,0,0,9,182,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,38,0,0,0,0,0,9,78,253,253,250,91,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,253,38,0,0,0,0,9,145,253,253,249,130,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,253,206,19,0,0,0,0,136,253,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,52,0,0,7,124,226,253,253,219,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,253,219,43,57,177,253,253,253,240,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,253,253,253,253,220,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,236,253,253,253,253,253,252,152,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,237,253,253,253,219,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,213,254,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,204,254,250,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,254,231,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,248,254,243,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,254,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,235,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,214,0,0,0,0,5,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,151,47,159,160,160,240,228,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,233,245,254,254,254,254,254,251,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,254,254,225,122,95,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,254,254,112,18,0,10,221,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,254,254,242,98,2,0,0,118,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,251,254,220,9,0,1,123,252,254,241,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,254,205,92,172,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,197,254,254,254,254,254,228,82,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,209,254,254,254,231,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,192,233,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,159,254,106,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,122,141,0,0,0,0,0,90,254,250,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,229,254,162,0,0,0,0,23,241,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,220,254,243,37,0,0,0,0,76,254,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,167,254,254,79,0,0,0,0,0,152,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,162,3,0,0,0,0,39,229,254,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,251,254,221,31,0,0,0,0,0,104,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,5,190,254,231,38,0,0,0,0,0,5,190,254,213,7,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,254,171,0,0,0,0,0,0,73,254,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,113,0,0,0,0,0,0,132,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,254,221,91,38,2,0,0,10,220,254,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,254,200,198,198,213,254,254,251,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,220,254,254,254,254,254,254,254,254,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,113,203,206,241,254,254,139,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,217,254,181,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,254,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,240,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,43,114,192,254,253,156,148,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,237,252,252,252,253,252,252,252,252,191,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,252,212,126,127,126,126,196,249,253,246,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,84,84,28,0,0,0,0,0,140,253,252,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,14,0,0,0,4,114,236,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,195,211,146,36,29,142,252,252,239,132,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,252,252,252,242,239,252,252,244,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,252,252,252,253,252,252,236,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,252,164,165,252,252,242,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,250,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,21,0,0,0,0,0,0,0,0,0,169,252,239,42,0,0,0,0,0,0,0,0,0,0,0,0,0,232,154,18,0,0,0,0,0,0,0,0,169,252,236,37,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,209,18,0,0,0,0,0,0,48,218,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,252,199,57,0,0,0,15,85,239,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,249,253,246,179,127,215,237,252,252,252,190,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,200,252,252,252,252,253,252,247,119,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,155,252,252,147,112,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,231,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,243,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,185,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,217,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,254,253,141,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,254,239,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,237,253,244,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,205,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,193,0,0,0,10,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,247,253,227,54,80,125,214,220,223,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,158,183,254,253,253,253,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,253,253,253,253,254,250,183,243,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,253,253,177,96,54,0,234,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,249,236,154,0,0,0,102,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,254,233,27,18,16,58,73,241,253,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,247,108,130,235,254,253,253,165,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,253,253,253,253,254,227,117,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,238,253,253,215,133,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,152,254,172,152,71,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,253,252,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,102,20,0,82,173,253,255,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,102,82,0,0,41,233,252,233,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,254,253,254,253,152,233,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,252,253,252,253,252,253,130,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,243,254,253,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,50,50,50,172,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,11,10,0,0,0,0,0,0,0,0,0,0,254,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,132,172,0,0,0,0,0,0,0,0,0,0,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,21,0,0,0,0,0,0,0,11,173,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,203,61,0,0,0,0,0,0,51,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,255,213,41,0,0,0,0,82,214,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,252,243,122,102,102,163,243,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,243,254,253,254,253,254,253,244,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,112,151,253,252,233,151,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,204,253,253,203,129,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,203,252,252,252,253,252,149,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,168,168,216,252,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,215,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,223,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,213,226,225,137,63,26,231,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,254,253,253,253,254,253,253,241,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,253,252,252,252,253,252,208,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,156,168,168,168,243,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,252,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,76,0,0,0,0,0,0,0,29,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,250,200,25,0,0,0,0,0,128,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,255,253,253,103,13,0,0,76,254,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,252,252,207,169,169,243,253,252,208,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,81,234,252,253,252,252,252,253,233,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,139,253,252,252,202,128,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,56,21,25,149,255,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,66,147,218,253,226,229,253,253,250,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,167,253,253,253,253,253,253,253,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,227,253,253,253,253,246,253,253,253,242,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,253,253,253,196,252,222,253,253,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,250,190,109,6,81,253,253,253,178,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,184,0,0,0,222,253,253,170,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,228,11,7,154,253,253,205,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,107,40,253,253,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,207,253,252,250,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,242,253,253,253,92,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,253,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,176,253,253,253,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,253,184,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,212,247,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,99,169,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,248,253,83,139,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,226,253,232,225,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,249,253,253,253,253,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,226,253,253,58,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,195,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,211,252,252,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,252,252,243,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,252,252,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,252,252,252,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,215,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,253,252,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,236,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,241,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,255,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,242,252,253,227,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,239,252,252,246,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,252,252,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,252,252,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,252,252,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,216,252,252,210,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,252,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,224,252,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,124,48,0,0,0,0,100,254,246,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,175,254,98,0,0,0,0,131,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,175,254,239,50,0,0,0,6,210,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,176,254,254,120,0,0,0,0,100,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,126,2,0,0,0,0,130,254,204,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,234,254,206,1,0,0,0,0,11,231,254,144,125,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,254,254,183,125,91,91,121,204,254,254,255,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,153,251,254,254,254,254,254,254,254,254,227,155,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,147,147,197,176,185,254,254,168,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,250,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,212,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,250,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,201,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,254,252,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,227,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,69,158,248,255,254,189,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,152,221,252,254,254,254,254,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,223,254,254,254,248,162,162,164,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,225,254,254,182,82,4,0,0,164,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,234,254,254,146,12,0,0,0,0,202,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,254,183,12,0,0,0,0,0,202,254,226,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,203,7,0,0,0,0,0,26,232,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,138,55,0,0,0,0,0,0,167,254,254,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,241,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,183,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,198,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,190,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,254,254,197,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,184,254,254,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,247,254,246,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,238,254,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,237,155,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,255,253,165,141,141,141,178,253,255,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,252,253,252,252,252,253,252,252,252,253,214,56,0,0,0,0,0,0,0,0,0,0,0,0,89,253,252,224,168,168,187,252,252,253,252,252,177,156,43,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,168,0,0,7,28,28,28,28,28,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,241,255,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,234,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,206,252,252,226,113,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,254,253,253,253,242,141,141,141,29,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,84,184,253,252,252,252,253,252,252,252,253,196,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,56,94,168,168,187,252,252,253,252,252,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,128,203,252,252,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,242,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,243,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,13,7,7,0,29,54,141,241,254,253,253,228,51,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,207,187,187,169,253,252,252,252,253,252,208,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,156,253,252,252,252,253,252,252,252,206,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,139,177,252,140,139,139,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,214,218,29,0,0,36,39,39,39,39,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,206,254,254,128,185,185,250,254,254,254,254,226,171,23,0,0,0,0,0,0,0,0,0,0,0,0,20,206,254,254,254,254,254,254,254,254,254,254,254,254,254,125,0,0,0,0,0,0,0,0,0,0,0,1,127,254,254,254,254,254,227,211,109,128,123,207,241,254,254,165,0,0,0,0,0,0,0,0,0,0,0,122,254,254,254,204,90,65,24,0,0,0,0,0,174,254,254,76,0,0,0,0,0,0,0,0,0,0,116,251,254,254,147,52,0,0,0,0,0,0,0,30,246,254,225,8,0,0,0,0,0,0,0,0,0,0,62,248,246,125,10,0,0,0,0,0,0,0,0,203,254,254,201,0,0,0,0,0,0,0,0,0,0,0,0,52,49,0,0,0,0,0,0,0,0,0,34,248,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,221,254,254,159,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,241,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,236,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,254,254,231,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,249,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,217,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,121,252,254,222,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,255,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,192,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,243,254,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,254,159,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,185,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,47,151,162,161,161,161,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,142,234,252,252,253,252,252,252,252,174,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,252,252,253,252,210,252,252,253,223,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,231,106,22,22,23,22,12,22,232,253,252,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,253,190,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,252,240,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,235,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,252,252,249,117,0,0,0,0,0,0,0,0,0,0,0,0,0,51,70,122,185,184,184,184,131,70,155,252,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,62,207,240,252,252,253,252,252,252,252,253,252,252,252,252,165,76,0,0,0,0,0,0,0,0,0,0,0,243,252,252,252,252,253,252,252,252,252,253,252,252,252,252,253,248,199,21,0,0,0,0,0,0,0,0,0,255,253,253,253,148,202,253,253,253,253,255,239,230,239,253,255,253,253,211,34,0,0,0,0,0,0,0,0,253,252,252,252,252,253,252,252,252,231,144,33,0,34,92,154,236,252,252,231,0,0,0,0,0,0,0,0,131,183,234,252,252,253,252,202,183,48,0,0,0,0,0,0,44,69,121,37,0,0,0,0,0,0,0,0,0,0,33,45,45,46,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,57,57,57,57,57,57,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,197,222,253,252,252,252,253,252,234,197,86,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,243,252,252,253,252,252,252,253,252,252,252,253,209,25,0,0,0,0,0,0,0,0,0,0,0,0,0,126,225,187,113,114,38,38,113,114,113,200,238,255,253,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,228,252,252,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,224,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,237,253,252,214,28,0,0,0,0,0,0,0,0,4,104,178,253,254,253,253,253,254,253,253,253,192,166,253,253,254,253,106,0,0,0,0,0,0,0,0,0,128,252,252,252,253,214,240,252,253,252,252,252,253,252,252,252,253,252,149,32,0,0,0,0,0,0,0,0,253,252,252,214,56,19,44,94,253,252,252,252,253,252,252,252,253,252,252,228,0,0,0,0,0,0,0,0,253,252,252,240,226,225,225,237,253,252,252,252,253,177,139,139,153,252,252,252,0,0,0,0,0,0,0,0,176,244,253,253,254,253,253,253,254,234,225,175,51,0,0,0,0,76,200,175,0,0,0,0,0,0,0,0,0,56,84,133,197,196,158,84,84,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,240,254,254,255,251,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,167,253,253,253,253,253,253,253,235,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,160,253,253,253,253,253,253,253,253,253,195,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,253,208,172,61,140,253,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,227,253,253,253,253,47,0,0,3,165,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,46,229,253,253,253,253,253,47,0,0,0,50,246,253,228,45,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,253,182,207,23,0,0,0,0,241,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,253,126,3,4,0,0,0,0,0,241,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,241,13,0,0,0,0,0,0,0,241,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,239,0,0,0,0,0,0,0,0,241,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,239,0,0,0,0,0,0,0,0,241,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,91,253,253,239,0,0,0,0,0,0,0,0,241,253,213,26,0,0,0,0,0,0,0,0,0,0,0,0,134,253,253,239,0,0,0,0,0,0,1,75,248,253,187,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,239,0,0,0,0,0,0,75,253,253,213,28,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,252,170,3,0,0,0,83,248,253,253,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,233,253,253,253,51,0,0,42,242,253,253,219,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,230,151,100,210,253,253,223,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,253,253,253,253,253,253,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,177,243,253,253,253,249,232,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,175,253,141,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,213,255,254,254,254,254,245,101,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,250,253,253,253,253,253,253,253,253,170,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,253,253,253,253,253,253,253,253,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,251,253,253,253,253,168,146,7,168,253,253,253,147,0,0,0,0,0,0,0,0,0,0,0,0,0,112,251,253,253,253,206,61,6,0,0,17,166,253,253,251,111,0,0,0,0,0,0,0,0,0,0,0,26,205,253,253,253,253,68,0,0,0,0,0,7,177,253,253,204,25,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,253,68,0,0,0,0,0,0,116,253,253,253,45,0,0,0,0,0,0,0,0,0,0,47,253,253,253,253,172,19,0,0,0,0,0,0,116,253,253,253,45,0,0,0,0,0,0,0,0,0,0,47,253,253,253,181,7,0,0,0,0,0,0,0,56,234,253,253,45,0,0,0,0,0,0,0,0,0,0,47,253,253,253,115,0,0,0,0,0,0,0,0,0,216,253,253,45,0,0,0,0,0,0,0,0,0,0,47,253,253,253,115,0,0,0,0,0,0,0,0,11,219,253,253,45,0,0,0,0,0,0,0,0,0,0,47,253,253,253,115,0,0,0,0,0,0,0,0,116,253,253,253,45,0,0,0,0,0,0,0,0,0,0,47,253,253,253,237,55,0,0,0,0,0,0,0,116,253,253,253,45,0,0,0,0,0,0,0,0,0,0,44,246,253,253,253,168,0,0,0,0,0,5,16,125,253,253,246,43,0,0,0,0,0,0,0,0,0,0,0,146,253,253,253,207,32,0,0,0,0,70,253,253,253,249,79,0,0,0,0,0,0,0,0,0,0,0,0,22,248,253,253,253,207,62,6,6,62,208,253,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,253,253,253,253,253,170,170,253,253,253,253,209,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,161,253,253,253,253,253,253,253,253,253,203,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,129,250,253,253,253,253,253,238,189,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,99,179,253,253,178,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,252,237,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,253,252,247,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,245,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,231,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,253,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,252,252,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,244,252,252,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,220,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,241,194,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,118,200,254,255,255,191,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,205,244,254,254,254,254,254,254,249,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,251,254,254,202,121,67,67,110,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,252,254,220,33,2,0,0,0,32,254,254,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,220,254,254,94,0,0,0,0,0,151,254,250,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,183,12,0,0,0,0,15,219,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,246,215,11,0,0,0,0,0,44,254,254,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,12,0,0,0,0,0,0,124,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,212,254,230,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,239,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,207,254,230,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,244,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,177,254,254,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,216,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,70,95,161,203,254,229,161,86,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,190,253,254,253,253,253,254,253,253,236,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,224,253,244,171,88,46,46,138,234,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,128,0,0,0,0,0,138,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,255,254,171,0,0,0,0,0,0,231,254,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,156,29,0,0,0,0,0,13,235,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,253,251,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,229,254,241,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,245,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,214,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,245,253,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,140,254,248,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,187,254,236,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,211,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,244,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,134,179,254,254,254,254,156,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,185,250,253,254,253,253,253,253,254,250,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,241,253,253,253,205,174,107,129,174,223,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,22,174,254,253,253,164,41,8,0,0,0,0,171,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,207,88,5,0,0,0,0,0,114,254,253,174,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,196,15,0,0,0,0,0,0,108,231,255,254,152,0,0,0,0,0,0,0,0,0,0,0,10,211,253,253,15,0,0,0,0,0,17,147,250,253,254,236,42,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,31,0,0,0,31,138,211,253,253,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,2,166,253,253,242,234,234,234,241,254,250,183,243,253,254,83,0,0,0,0,0,0,0,0,0,0,0,0,0,18,126,253,254,253,253,253,215,155,106,0,234,253,231,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,98,98,83,0,0,0,102,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,241,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,235,253,231,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,255,254,235,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,147,254,251,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,244,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,47,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,50,94,103,197,246,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,56,232,244,159,244,244,244,248,249,253,253,253,253,207,114,0,0,0,0,0,0,0,0,0,0,0,0,0,176,253,253,253,253,253,253,253,253,253,213,170,124,25,0,0,0,0,0,0,0,0,0,0,0,0,0,88,247,253,247,225,124,124,124,124,26,20,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,239,253,249,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,233,253,253,245,120,120,99,16,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,253,253,253,253,253,253,253,203,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,144,144,144,144,144,146,248,250,253,203,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,251,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,251,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,203,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,115,0,0,0,0,0,0,2,156,253,253,190,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,244,9,0,0,0,0,40,128,253,253,250,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,159,68,68,68,159,225,253,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,253,253,253,253,253,253,253,222,57,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,173,251,253,253,253,226,171,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,46,46,46,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,93,195,234,155,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,172,254,254,254,254,252,183,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,230,254,254,242,189,205,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,219,254,254,202,29,0,9,213,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,197,19,0,0,0,184,254,247,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,254,254,64,0,0,0,8,220,254,230,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,88,0,0,71,202,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,241,254,247,201,201,252,254,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,254,254,254,254,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,78,105,181,106,27,217,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,254,254,225,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,219,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,254,247,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,244,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,233,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,254,253,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,101,177,253,255,253,253,253,157,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,170,252,252,252,253,252,252,252,252,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,201,252,252,252,209,197,222,252,252,252,180,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,220,87,6,5,13,215,252,252,252,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,99,0,0,0,138,252,252,240,240,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,99,0,0,65,236,252,245,81,43,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,151,0,5,244,252,252,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,252,252,216,78,197,253,252,192,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,236,252,252,252,252,253,169,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,252,252,128,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,235,253,253,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,203,252,252,252,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,181,252,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,79,158,252,252,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,170,8,154,252,252,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,252,55,0,116,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,197,11,49,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,162,214,252,252,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,154,252,252,252,252,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,119,243,252,219,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,29,128,255,253,253,253,129,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,225,252,252,253,252,252,252,253,234,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,253,252,252,252,206,168,196,252,253,252,252,153,38,0,0,0,0,0,0,0,0,0,0,0,0,0,126,249,253,252,252,102,13,0,10,28,28,128,252,252,175,38,0,0,0,0,0,0,0,0,0,0,0,32,229,253,255,209,76,0,0,0,0,0,0,57,253,253,254,228,44,0,0,0,0,0,0,0,0,0,0,57,252,252,234,28,0,0,0,0,0,0,0,57,252,252,253,252,142,0,0,0,0,0,0,0,0,0,0,144,252,252,137,0,0,0,0,0,0,0,0,13,209,252,253,252,56,0,0,0,0,0,0,0,0,0,0,69,252,252,226,38,0,0,0,0,0,0,0,76,222,252,253,202,6,0,0,0,0,0,0,0,0,0,0,26,210,253,254,228,141,91,29,54,141,141,204,253,253,253,254,197,0,0,0,0,0,0,0,0,0,0,0,0,28,184,253,252,252,252,253,252,252,252,253,252,252,252,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,187,252,252,253,252,252,252,206,224,252,252,244,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,28,28,28,28,28,28,25,206,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,253,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,247,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,252,178,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,126,250,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,240,253,191,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,253,136,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,251,254,250,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,199,253,249,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,156,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,253,253,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,245,254,254,143,5,63,144,144,120,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,253,253,66,139,253,253,253,253,155,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,244,253,253,220,202,254,253,253,253,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,253,255,253,191,190,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,209,88,15,157,253,253,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,196,253,253,253,253,215,24,0,35,247,253,222,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,253,253,216,26,7,41,222,253,251,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,238,253,253,253,223,155,211,253,253,250,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,253,253,253,254,253,253,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,120,244,253,253,253,240,143,52,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,140,158,142,19,186,255,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,192,252,254,254,254,229,254,254,249,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,242,254,254,214,162,212,254,254,254,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,159,253,254,235,51,3,0,19,200,254,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,254,235,55,0,0,0,21,212,254,226,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,254,254,70,0,0,0,27,151,254,254,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,224,254,182,2,0,0,29,180,254,252,110,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,105,0,0,30,212,254,250,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,135,0,58,216,254,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,200,254,211,92,221,254,227,81,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,254,254,185,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,254,254,254,169,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,254,254,236,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,246,254,254,250,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,247,206,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,252,178,87,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,208,87,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,254,236,167,254,254,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,202,254,254,254,224,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,239,254,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,63,63,63,107,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,117,221,252,254,254,254,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,198,254,254,254,254,254,254,254,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,224,254,249,196,106,95,117,254,254,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,220,254,249,104,0,0,0,87,254,254,247,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,100,0,0,0,5,200,254,250,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,9,0,0,0,91,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,254,254,53,0,0,92,246,254,210,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,241,254,189,14,27,244,254,229,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,83,187,254,227,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,217,254,254,254,245,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,248,254,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,225,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,254,254,254,184,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,248,232,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,245,244,119,251,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,254,116,240,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,149,254,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,232,254,254,252,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,225,235,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,188,254,254,254,254,255,176,118,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,245,253,253,253,253,253,253,253,253,179,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,253,253,253,253,253,253,253,253,253,253,240,106,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,143,128,61,184,87,161,204,253,253,253,253,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,86,236,253,253,253,217,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,238,253,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,245,78,0,0,0,0,0,0,0,0,0,0,11,28,132,165,165,165,165,165,165,91,76,107,165,249,253,253,212,0,0,0,0,0,0,0,0,0,0,7,175,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,235,59,4,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,116,0,0,0,0,0,0,0,0,254,253,253,253,239,150,150,150,242,253,253,253,253,253,253,253,253,253,253,116,0,0,0,0,0,0,0,0,254,253,253,205,29,0,0,0,104,153,253,253,253,253,219,170,236,253,253,116,0,0,0,0,0,0,0,0,254,253,253,241,199,199,199,199,248,253,253,253,253,223,114,0,77,191,191,88,0,0,0,0,0,0,0,0,213,250,253,253,253,253,253,253,253,253,253,253,226,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,239,253,253,253,253,253,253,248,232,143,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,220,253,253,253,193,116,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,254,254,254,255,231,108,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,253,253,253,253,253,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,183,139,43,99,139,239,251,253,232,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,205,253,243,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,49,146,157,157,246,253,253,236,49,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,205,253,253,253,253,253,253,253,253,253,206,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,253,253,253,252,237,237,245,253,253,242,131,3,0,0,0,0,0,0,0,0,0,0,0,0,0,2,156,199,248,220,199,95,0,0,57,199,243,253,253,133,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,21,0,0,0,0,0,0,85,210,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,0,0,0,0,0,0,0,0,0,135,253,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,147,211,26,0,0,0,0,0,0,0,0,147,253,253,102,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,134,0,0,0,0,0,0,0,140,250,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,26,227,229,84,0,0,0,0,0,94,245,253,253,212,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,253,249,149,141,141,150,252,253,253,203,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,159,253,253,253,253,253,253,253,253,204,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,58,182,253,253,253,253,228,104,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,155,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,186,252,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,252,252,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,215,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,252,183,0,0,64,136,230,135,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,253,184,0,74,255,253,253,253,201,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,252,196,140,244,253,244,219,252,252,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,247,98,19,219,252,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,252,252,252,252,135,0,0,113,252,249,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,252,252,252,11,0,0,51,242,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,137,0,0,0,155,253,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,252,252,252,211,22,9,78,236,252,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,227,252,252,252,216,197,252,252,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,227,252,252,253,252,252,218,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,137,242,253,252,168,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,242,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,253,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,246,253,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,252,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,253,255,241,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,253,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,234,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,252,252,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,244,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,252,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,90,136,169,254,254,254,254,254,171,136,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,216,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,253,210,200,200,200,234,253,253,253,217,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,65,65,65,12,0,0,0,41,65,177,253,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,220,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,252,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,253,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,225,253,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,137,231,231,126,113,113,42,55,248,253,253,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,203,253,253,253,253,253,253,250,250,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,253,253,243,224,238,253,253,253,253,253,253,144,30,11,0,0,0,0,0,0,0,0,0,0,0,0,177,253,253,207,58,0,47,253,253,253,253,253,253,253,253,196,81,10,0,0,0,0,0,0,0,0,0,0,106,253,253,200,12,28,126,253,253,253,253,253,253,253,253,253,253,198,82,35,0,0,0,0,0,0,0,0,12,221,253,253,211,223,253,253,253,234,80,53,105,174,253,253,253,253,253,135,0,0,0,0,0,0,0,0,0,154,253,253,253,253,253,253,190,62,0,0,0,2,35,112,178,220,152,82,0,0,0,0,0,0,0,0,0,11,122,253,253,253,251,125,7,0,0,0,0,0,0,0,5,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,153,196,254,254,254,156,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,117,209,243,253,253,253,253,253,253,240,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,241,188,165,89,173,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,188,250,253,227,58,28,0,0,0,78,253,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,20,128,253,253,199,41,0,0,0,0,0,169,253,253,218,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,226,34,0,0,0,0,0,26,246,253,253,207,0,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,206,24,0,0,0,0,0,187,253,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,55,232,253,253,170,85,40,40,82,163,251,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,187,253,253,253,253,253,253,253,253,253,254,253,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,95,176,203,203,203,203,180,35,253,253,238,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,247,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,249,253,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,246,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,253,253,201,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,253,208,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,106,190,255,254,176,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,218,254,254,254,254,254,247,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,249,254,241,192,108,145,254,254,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,218,254,200,35,0,31,214,254,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,254,254,80,0,27,217,254,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,192,0,27,157,255,244,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,127,0,111,254,242,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,127,62,244,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,181,204,254,151,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,184,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,254,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,254,254,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,235,254,254,243,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,255,221,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,229,208,7,219,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,254,250,17,218,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,243,254,84,223,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,254,252,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,247,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,113,193,254,172,152,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,203,253,252,253,252,253,232,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,254,253,254,253,203,122,214,253,193,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,151,70,0,0,10,212,253,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,255,253,244,81,0,0,0,0,0,203,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,122,0,0,0,0,0,0,203,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,253,21,0,0,0,0,0,132,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,203,20,0,0,102,183,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,253,254,253,254,253,254,253,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,253,252,253,252,233,151,253,252,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,254,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,213,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,138,150,64,19,20,27,47,60,150,202,255,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,10,182,253,253,253,219,220,230,253,253,253,253,229,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,253,253,253,253,253,247,217,217,185,114,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,248,253,208,67,67,67,67,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,143,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,253,224,131,176,90,73,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,253,253,253,242,164,41,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,233,191,191,185,155,191,191,241,253,253,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,28,0,0,0,0,0,0,73,205,253,160,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,189,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,239,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,200,253,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,148,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,238,55,0,0,0,0,0,13,62,251,253,242,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,227,18,0,0,0,0,59,222,253,253,230,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,245,227,123,115,115,182,248,253,253,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,244,253,253,253,253,253,253,218,156,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,184,253,253,253,185,147,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,7,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,137,172,254,254,254,151,86,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,187,254,254,254,248,252,254,254,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,229,131,105,69,91,176,254,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,254,150,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,243,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,249,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,251,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,241,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,248,254,254,100,0,0,0,0,0,0,0,0,0,0,39,142,193,193,193,108,69,19,0,0,0,0,0,100,254,254,254,67,0,0,0,0,0,0,0,0,42,199,231,254,254,254,254,254,254,214,199,102,15,0,28,145,254,254,126,2,0,0,0,0,0,0,0,0,131,254,254,207,173,173,173,229,254,254,254,254,215,206,224,254,254,219,8,0,0,0,0,0,0,0,0,0,131,254,248,69,0,0,0,30,71,188,254,254,254,254,254,254,254,100,0,0,0,0,0,0,0,0,0,0,238,254,174,0,0,0,0,0,0,78,224,254,254,254,254,254,202,9,0,0,0,0,0,0,0,0,0,0,207,254,252,151,100,100,100,100,128,247,254,254,254,254,254,254,254,171,54,0,0,0,0,0,0,0,0,0,70,254,254,254,254,254,254,254,254,254,254,254,221,148,148,242,255,254,85,0,0,0,0,0,0,0,0,0,13,148,254,254,254,254,254,254,254,227,142,45,12,0,0,16,177,254,12,0,0,0,0,0,0,0,0,0,0,1,12,73,27,136,136,136,109,9,0,0,0,0,0,0,5,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,233,254,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,233,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,173,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,214,253,224,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,223,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,252,223,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,254,71,0,21,72,152,173,172,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,151,21,203,253,252,253,252,203,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,254,253,254,253,244,203,214,253,254,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,252,253,171,40,0,10,212,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,234,253,255,131,21,0,31,233,255,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,252,253,252,223,203,213,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,214,253,255,253,255,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,213,252,131,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,210,253,253,253,253,131,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,168,196,252,252,252,253,231,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,126,214,253,252,242,101,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,237,252,252,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,244,252,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,253,253,175,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,189,252,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,232,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,189,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,255,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,211,253,224,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,232,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,169,169,142,64,0,0,6,155,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,194,253,252,252,252,252,212,131,119,252,252,253,80,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,230,131,106,176,247,255,253,253,253,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,106,0,0,0,88,253,252,252,252,252,199,21,0,0,0,0,0,0,0,0,0,0,0,0,0,22,252,252,224,127,135,232,241,253,252,251,245,252,253,150,0,0,0,0,0,0,0,0,0,0,0,0,0,7,111,242,253,252,252,252,252,253,169,77,56,84,84,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,209,252,244,147,147,86,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,247,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,172,186,0,0,0,0,0,0,46,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,253,177,0,0,0,0,0,0,162,254,210,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,254,253,127,0,0,0,0,0,0,181,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,170,255,218,13,0,0,0,0,0,19,254,255,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,253,254,128,0,0,0,0,0,0,71,253,254,56,0,0,0,0,0,0,0,0,0,0,0,0,0,19,213,253,191,3,0,0,0,0,0,0,186,253,243,15,0,0,0,0,0,0,0,0,0,0,0,0,0,108,253,253,110,0,0,0,0,0,0,16,222,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,253,91,0,0,0,0,0,0,69,253,253,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,202,31,0,0,0,0,0,153,254,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,131,253,254,223,100,32,0,0,12,225,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,101,228,253,253,237,152,37,147,253,253,72,63,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,106,231,253,253,254,253,253,253,214,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,143,227,254,253,253,253,253,105,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,243,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,233,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,160,87,22,0,208,223,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,226,254,254,254,172,115,249,254,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,87,245,254,220,150,227,254,254,254,215,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,248,254,197,0,0,38,222,254,248,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,180,253,210,5,0,8,195,254,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,254,249,87,0,5,125,254,248,200,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,218,14,0,129,254,254,174,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,218,14,43,254,254,202,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,245,67,220,254,214,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,254,254,101,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,254,255,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,200,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,243,254,254,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,254,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,201,149,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,176,225,28,184,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,222,147,44,226,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,137,249,144,254,241,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,254,254,207,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,83,236,222,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,57,0,0,0,0,0,226,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,86,0,0,0,0,57,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,0,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,141,0,0,0,0,0,255,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,57,0,0,0,0,170,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,114,0,0,0,0,0,255,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,255,114,0,0,0,0,141,255,255,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,226,57,0,0,0,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,198,255,255,226,170,170,255,255,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,255,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,255,255,226,114,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,226,255,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,88,254,251,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,245,251,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,251,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,146,253,241,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,237,253,196,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,190,253,253,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,253,181,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,253,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,237,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,192,253,213,0,0,49,100,60,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,216,16,172,246,253,253,172,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,253,253,253,253,253,253,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,253,239,146,92,234,253,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,253,253,224,32,0,0,214,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,253,253,159,0,0,109,251,244,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,229,253,230,92,170,230,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,253,254,253,253,253,188,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,110,191,253,212,92,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,140,255,169,47,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,253,253,253,253,198,197,100,168,189,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,249,253,253,253,253,253,253,253,253,253,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,233,253,253,181,67,108,170,170,215,194,120,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,253,252,159,20,0,0,0,0,11,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,233,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,249,253,253,252,223,136,56,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,191,209,253,253,253,253,143,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,41,67,189,251,253,247,99,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,158,253,253,148,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,127,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,120,251,252,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,215,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,215,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,207,11,0,0,0,0,0,0,0,0,0,0,0,0,33,228,133,53,3,0,0,0,0,0,0,0,182,253,253,36,0,0,0,0,0,0,0,0,0,0,0,0,12,208,253,253,175,68,11,0,0,0,0,49,230,253,208,12,0,0,0,0,0,0,0,0,0,0,0,0,0,61,193,253,253,253,224,218,135,115,150,237,253,253,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,123,247,253,253,253,253,253,253,253,253,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,149,194,253,253,253,253,198,76,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,136,254,255,195,73,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,253,253,253,253,188,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,250,253,253,224,217,245,253,215,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,250,67,14,0,87,249,253,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,248,0,0,0,0,32,206,243,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,253,248,0,0,0,0,0,56,246,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,253,150,0,0,0,0,0,0,228,218,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,41,0,0,0,0,0,0,228,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,241,253,199,7,0,0,0,0,0,2,229,252,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,253,250,70,0,0,0,0,0,7,115,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,155,0,0,0,0,0,0,32,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,253,242,70,0,0,0,0,0,51,201,253,224,36,0,0,0,0,0,0,0,0,0,0,0,0,0,28,237,253,103,0,0,0,0,0,15,146,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,250,68,0,0,0,0,13,195,253,237,87,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,195,0,0,0,0,16,189,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,73,0,0,0,14,234,253,250,118,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,20,0,5,94,207,253,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,253,126,115,208,253,253,243,120,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,238,253,253,253,253,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,245,253,204,82,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,244,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,240,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,239,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,248,253,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,244,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,254,253,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,254,253,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,255,230,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,246,254,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,253,251,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,253,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,245,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,253,253,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,204,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,225,211,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,70,70,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,72,138,214,230,237,253,253,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,83,116,157,224,254,253,253,253,254,248,230,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,253,253,253,254,253,244,160,103,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,255,254,247,184,127,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,216,115,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,228,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,245,254,220,128,161,153,70,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,253,253,253,254,227,215,182,180,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,230,221,137,46,21,17,0,13,193,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,229,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,116,19,0,0,0,0,0,0,0,0,28,165,222,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,115,0,0,0,0,0,0,0,68,240,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,220,13,0,0,0,0,26,153,254,239,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,232,192,72,47,97,147,239,254,210,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,215,253,254,253,251,230,80,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,69,69,69,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,252,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,227,253,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,229,253,253,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,229,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,248,253,253,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,253,253,212,168,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,235,253,253,253,253,253,240,196,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,253,206,194,194,237,242,169,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,165,138,15,0,0,78,210,253,244,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,189,12,0,0,0,0,0,14,105,253,192,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,75,0,0,0,0,0,0,0,13,173,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,49,0,0,0,0,0,0,0,0,33,253,234,0,0,0,0,0,0,0,0,0,0,0,0,0,12,237,253,162,0,0,0,0,0,0,0,5,123,253,244,57,0,0,0,0,0,0,0,0,0,0,0,0,103,252,253,169,3,0,0,0,5,20,111,166,253,251,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,253,253,117,14,14,81,136,253,253,253,252,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,249,253,253,253,253,253,253,252,247,226,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,170,253,253,253,253,223,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,38,38,38,137,146,101,146,146,146,204,255,166,1,0,0,0,0,0,0,0,0,0,0,0,0,2,152,253,253,253,253,253,253,253,253,253,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,3,204,252,253,253,253,253,248,248,248,248,248,253,253,207,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,102,102,102,96,0,0,0,0,17,245,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,233,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,235,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,209,253,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,221,253,218,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,214,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,243,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,233,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,186,253,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,216,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,231,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,247,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,173,253,193,152,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,213,252,253,252,253,252,243,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,254,253,203,122,193,253,244,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,252,233,111,0,0,152,252,203,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,254,192,41,0,0,41,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,252,253,70,0,0,21,223,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,123,0,0,0,113,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,243,122,0,0,233,252,213,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,253,254,253,234,233,254,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,91,172,252,253,252,253,252,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,254,253,254,253,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,252,213,252,253,252,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,192,0,0,163,243,254,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,233,50,0,0,0,122,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,233,41,0,0,0,0,163,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,111,0,0,0,0,163,243,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,183,0,11,51,173,253,224,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,243,223,203,213,252,253,90,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,253,255,253,255,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,131,253,212,50,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,120,235,254,166,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,135,244,254,254,254,254,251,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,112,244,254,228,162,78,60,144,253,249,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,207,254,232,166,30,0,0,0,0,118,251,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,243,238,110,20,0,0,0,0,0,0,6,180,70,0,0,0,0,0,0,0,0,0,0,0,0,0,2,216,235,18,0,0,0,0,0,4,43,71,45,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,241,82,0,0,0,0,0,41,188,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,243,212,96,72,98,161,240,253,254,254,254,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,254,254,254,244,153,221,254,208,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,97,121,89,37,26,33,227,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,245,254,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,248,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,244,254,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,175,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,209,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,229,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,234,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,115,253,253,253,255,253,253,253,253,96,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,131,214,251,251,251,251,253,251,251,251,251,253,244,95,0,0,0,0,0,0,0,0,0,0,0,0,64,236,251,253,251,251,251,251,253,251,251,251,251,253,251,188,95,0,0,0,0,0,0,0,0,0,0,0,127,251,251,253,251,251,251,251,229,188,188,188,188,213,251,251,244,83,0,0,0,0,0,0,0,0,0,20,205,251,251,253,251,251,251,251,59,0,0,0,0,96,251,251,251,94,0,0,0,0,0,0,0,0,36,115,253,253,253,255,253,253,129,0,0,0,0,0,0,0,32,253,253,95,0,0,0,0,0,0,0,0,96,251,251,251,251,253,247,140,8,0,0,0,0,0,0,72,197,251,243,82,0,0,0,0,0,0,0,0,96,251,251,251,251,253,140,0,0,0,0,0,0,0,0,96,251,251,188,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,62,0,0,0,0,0,0,0,0,234,251,219,42,0,0,0,0,0,0,0,0,0,96,251,251,251,251,253,62,0,0,0,0,0,0,40,158,253,251,126,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,195,24,0,0,0,0,0,48,234,253,255,241,79,0,0,0,0,0,0,0,0,0,0,0,52,251,251,231,221,54,0,0,0,0,24,221,251,251,241,93,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,94,0,0,0,0,0,48,142,251,251,251,158,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,251,94,0,0,0,16,64,234,251,251,235,89,19,0,0,0,0,0,0,0,0,0,0,0,0,60,228,251,251,94,0,0,0,162,251,253,251,251,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,253,253,95,96,115,253,253,253,255,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,251,251,212,253,251,251,251,251,63,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,251,251,251,253,251,251,219,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,251,251,253,243,188,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,94,193,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,216,252,170,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,247,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,194,253,240,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,172,252,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,128,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,252,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,13,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,25,59,145,186,252,252,248,145,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,157,170,252,252,252,252,252,252,252,253,252,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,252,252,252,252,210,146,204,207,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,246,200,212,192,157,72,10,0,0,4,175,252,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,54,9,20,0,0,0,0,0,0,0,145,252,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,237,221,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,242,252,216,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,252,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,242,252,253,190,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,71,189,252,252,252,253,252,238,157,157,123,37,6,0,0,0,0,0,0,0,0,0,0,0,0,0,56,229,252,252,252,252,229,205,204,211,252,252,252,252,77,28,0,0,0,0,0,0,0,0,0,0,0,27,229,252,252,252,252,197,101,0,0,11,72,101,209,252,252,221,37,0,0,0,0,0,0,0,0,0,0,71,252,252,252,252,87,6,0,0,0,0,0,0,18,157,242,252,224,0,0,0,0,0,0,0,0,0,0,157,252,252,228,70,7,0,0,0,0,0,0,0,0,0,217,252,154,0,0,0,0,0,0,0,0,0,0,157,252,229,54,0,0,0,0,0,0,0,0,0,0,0,31,36,19,0,0,0,0,0,0,0,0,0,0,157,252,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,63,136,141,255,199,169,43,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,36,64,184,253,253,253,253,253,237,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,253,253,253,253,253,201,131,82,88,253,174,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,242,177,232,182,75,2,0,0,99,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,170,33,33,0,0,0,11,112,241,253,253,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,0,0,0,0,55,179,253,253,218,100,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,6,40,25,115,246,253,252,247,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,117,253,201,253,253,253,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,212,253,253,253,253,253,253,253,236,129,28,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,253,253,253,253,253,227,133,76,76,177,228,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,230,132,33,0,0,0,66,253,183,6,0,0,0,0,0,0,0,0,0,14,95,95,18,50,203,244,139,41,29,0,0,0,0,0,66,253,253,17,0,0,0,0,0,0,0,0,17,234,253,222,26,0,12,21,0,0,0,0,0,0,0,0,173,253,253,17,0,0,0,0,0,0,0,0,18,253,140,4,0,0,0,0,0,0,0,0,0,0,7,112,252,253,201,9,0,0,0,0,0,0,0,0,88,237,58,0,0,0,0,0,0,0,0,0,0,91,209,253,253,191,64,0,0,0,0,0,0,0,0,0,115,253,235,65,0,0,0,0,0,0,0,0,44,249,253,253,188,19,0,0,0,0,0,0,0,0,0,0,14,228,253,234,183,79,64,0,0,46,102,183,247,253,253,241,52,0,0,0,0,0,0,0,0,0,0,0,0,49,227,253,253,253,252,201,201,238,253,253,253,253,191,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,228,253,253,253,253,253,253,253,253,253,149,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,135,185,253,253,253,253,217,135,28,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,104,104,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,38,0,0,0,0,0,54,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,234,168,0,0,0,0,0,229,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,253,252,243,25,0,0,0,51,253,252,252,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,255,253,244,25,0,0,48,191,254,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,252,253,240,81,0,0,0,110,252,253,240,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,240,252,253,145,0,0,0,19,215,252,253,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,252,252,228,22,0,0,0,157,252,252,228,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,51,0,0,0,41,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,252,252,227,0,0,0,0,216,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,224,43,0,0,0,89,253,252,252,103,0,0,0,0,10,110,159,47,0,0,0,0,0,0,0,0,253,252,168,0,0,0,0,213,253,252,177,3,0,0,89,163,229,252,252,240,0,0,0,0,0,0,0,0,254,253,178,16,4,16,104,253,254,253,216,141,254,253,253,253,254,253,253,241,0,0,0,0,0,0,0,0,153,252,252,215,179,215,252,252,253,252,252,252,253,252,252,252,253,240,158,47,0,0,0,0,0,0,0,0,19,224,252,252,253,252,252,252,253,252,252,252,253,233,168,168,56,43,0,0,0,0,0,0,0,0,0,0,0,119,252,252,253,252,252,252,253,252,164,139,28,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,126,244,253,253,214,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,252,252,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,139,139,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,24,32,47,47,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,56,129,197,215,226,235,253,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,140,204,248,250,253,253,253,253,253,237,217,247,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,231,253,253,253,253,253,209,170,162,67,37,0,55,0,0,0,0,0,0,0,0,0,0,0,0,0,38,239,253,253,227,144,65,20,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,167,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,126,253,246,109,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,167,253,253,102,0,2,63,63,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,253,253,127,177,214,252,248,230,134,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,250,253,253,253,253,219,157,78,0,164,253,189,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,253,253,253,253,118,18,0,0,0,26,230,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,246,212,64,5,1,0,0,0,0,0,192,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,192,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,197,196,95,0,0,0,0,0,0,0,0,53,250,224,5,0,0,0,0,0,0,0,0,0,0,0,0,0,254,253,10,0,0,0,0,0,0,0,0,177,253,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,157,14,0,0,0,0,18,85,165,253,238,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,227,161,68,117,171,240,253,253,242,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,154,249,253,253,253,253,253,253,251,203,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,169,196,196,196,196,151,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,149,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,193,253,253,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,237,253,253,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,194,253,253,226,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,160,253,253,155,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,251,253,154,6,0,0,0,0,0,0,0,0,62,78,31,0,0,0,0,0,0,0,0,0,0,0,30,229,253,205,7,0,0,0,0,0,0,0,59,135,247,253,214,77,0,0,0,0,0,0,0,0,0,0,129,254,254,136,0,0,0,0,0,0,101,187,254,254,254,254,254,254,33,0,0,0,0,0,0,0,0,0,100,253,253,88,0,0,0,0,0,178,230,253,253,253,201,219,253,253,33,0,0,0,0,0,0,0,0,0,67,253,253,88,0,0,0,75,196,254,253,214,144,44,10,122,253,253,33,0,0,0,0,0,0,0,0,0,61,250,253,88,0,16,200,251,253,252,202,74,0,5,110,239,253,169,2,0,0,0,0,0,0,0,0,0,44,238,249,69,0,194,253,253,229,77,0,0,5,99,253,253,224,23,0,0,0,0,0,0,0,0,0,0,106,253,231,0,31,240,253,192,31,0,0,35,151,253,253,253,170,0,0,0,0,0,0,0,0,0,0,31,247,253,242,122,168,253,253,80,10,137,232,241,253,253,245,88,9,0,0,0,0,0,0,0,0,0,0,34,253,253,253,253,253,253,253,223,241,255,253,253,250,185,22,0,0,0,0,0,0,0,0,0,0,0,0,9,142,240,253,253,253,253,253,253,253,254,253,223,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,143,215,253,253,253,253,253,143,114,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,16,0,0,0,0,0,0,0,0,4,29,66,191,242,47,0,0,0,0,0,0,0,0,0,0,0,13,209,215,157,57,57,32,57,57,144,119,179,252,252,252,253,159,0,0,0,0,0,0,0,0,0,0,0,57,252,252,253,252,252,228,253,252,252,252,253,252,252,252,253,196,0,0,0,0,0,0,0,0,0,0,0,7,153,252,253,252,252,252,253,252,252,202,140,139,177,252,253,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,113,113,113,114,113,76,0,0,0,198,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,234,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,234,252,252,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,252,93,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,246,253,170,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,228,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,229,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,225,252,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,208,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,241,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,253,232,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,254,233,173,253,72,193,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,243,233,91,10,131,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,132,254,213,82,0,31,193,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,233,30,0,0,92,252,172,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,254,233,0,0,0,62,254,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,253,192,0,0,0,142,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,214,253,234,152,173,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,151,172,252,253,252,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,21,0,0,0,203,254,253,173,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,81,20,0,0,41,243,192,192,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,41,0,132,253,214,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,130,0,0,10,50,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,233,224,20,0,0,0,0,234,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,252,162,0,0,0,0,0,233,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,0,0,0,0,11,173,224,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,0,0,62,102,213,212,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,253,255,253,255,233,142,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,252,253,252,91,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,120,163,254,254,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,20,200,244,254,253,253,253,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,129,253,253,253,205,129,78,142,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,225,124,41,8,0,0,24,230,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,162,18,0,0,0,0,0,77,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,241,30,0,0,0,0,0,71,246,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,245,33,0,0,0,13,111,241,253,245,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,142,79,79,153,224,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,148,253,253,253,222,192,141,253,216,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,155,140,14,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,235,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,246,219,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,255,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,226,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,237,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,238,177,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,228,221,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,161,252,253,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,253,253,253,250,91,112,131,157,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,251,253,253,253,253,229,215,253,253,253,251,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,108,253,253,253,225,89,149,55,25,25,110,216,251,100,0,0,0,0,0,0,0,0,0,0,0,0,0,219,237,253,253,225,49,0,0,0,0,0,0,33,169,224,0,0,0,0,0,0,0,0,0,0,0,0,205,250,253,253,137,27,0,0,0,0,0,0,0,0,20,244,150,0,0,0,0,0,0,0,0,0,0,137,251,167,45,112,7,0,0,0,0,0,0,0,0,0,14,219,249,39,0,0,0,0,0,0,0,0,100,252,253,149,0,0,0,0,0,0,0,0,0,0,0,0,16,231,253,123,0,0,0,0,0,0,0,0,157,253,167,34,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,123,0,0,0,0,0,0,0,0,255,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,252,95,0,0,0,0,0,0,0,0,255,253,12,0,0,0,0,0,0,0,0,0,0,0,0,19,224,253,247,0,0,0,0,0,0,0,0,0,231,253,12,0,0,0,0,0,0,0,0,0,0,0,30,134,253,221,76,0,0,0,0,0,0,0,0,0,125,253,12,0,0,0,0,0,0,0,0,0,0,7,177,253,253,110,0,0,0,0,0,0,0,0,0,0,141,253,12,0,0,0,0,0,0,0,0,0,30,177,253,250,143,40,0,0,0,0,0,0,0,0,0,0,174,253,26,0,0,0,0,0,0,0,7,121,174,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,125,253,208,11,0,0,0,0,0,6,141,253,253,250,217,40,0,0,0,0,0,0,0,0,0,0,0,0,54,237,253,151,143,30,57,143,143,172,253,253,251,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,253,253,253,253,253,253,253,252,220,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,176,253,139,190,123,190,123,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,191,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,30,111,100,133,174,254,254,254,250,122,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,207,253,253,253,253,253,253,253,253,254,253,238,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,225,176,96,96,96,103,220,253,212,11,0,0,0,0,0,0,0,0,0,0,0,0,0,5,84,159,228,176,20,0,0,0,0,0,20,235,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,157,253,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,240,235,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,160,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,140,254,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,192,254,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,107,140,37,37,129,157,157,245,253,254,232,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,253,253,253,253,253,253,253,254,253,127,49,37,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,253,242,134,210,163,141,227,193,196,253,253,253,236,90,12,0,0,0,0,0,0,0,0,0,0,0,9,222,243,160,102,176,101,144,45,0,3,60,60,154,253,253,164,11,0,0,0,0,0,0,0,0,0,0,0,39,87,49,253,130,113,0,0,0,0,0,0,10,77,193,253,166,8,0,0,0,0,0,0,0,0,0,0,0,0,30,128,9,0,0,0,0,0,0,0,0,0,11,109,253,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,108,131,238,207,131,77,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,169,254,254,254,254,254,254,254,142,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,225,254,254,254,239,236,236,236,253,254,145,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,254,254,198,105,18,0,0,0,237,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,247,190,22,0,0,0,0,0,237,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,70,0,0,0,0,0,64,162,248,254,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,187,254,254,234,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,93,243,254,254,232,110,0,0,0,0,0,0,0,0,0,28,0,0,0,0,0,0,0,13,57,90,181,240,254,254,254,254,107,31,0,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,0,148,254,254,254,254,254,254,254,254,254,165,2,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,0,181,254,254,254,254,197,80,62,114,250,254,6,0,0,0,0,0,0,0,0,223,0,0,0,0,0,0,0,67,235,254,159,55,10,0,0,0,237,254,67,0,0,0,0,0,0,0,0,210,0,0,0,0,0,0,0,0,36,49,11,0,0,0,0,0,237,254,6,0,0,0,0,0,0,0,0,191,140,0,0,0,0,0,0,0,0,0,0,0,0,0,35,139,252,254,6,0,0,0,0,0,0,0,0,131,242,0,0,0,0,0,0,0,0,0,0,0,0,127,232,254,254,108,1,0,0,0,0,0,0,0,0,21,247,44,0,0,0,0,0,0,0,0,0,81,100,232,254,213,100,2,0,0,0,0,0,0,0,0,0,7,254,232,96,0,0,0,0,0,0,81,204,250,254,254,161,26,0,0,0,0,0,0,0,0,0,0,0,1,24,205,253,160,113,113,113,201,237,250,254,254,254,52,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,206,254,254,254,254,254,254,254,220,97,12,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,130,130,130,130,130,100,6,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,171,254,155,0,0,0,0,3,187,109,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,254,244,45,0,0,0,4,157,254,254,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,189,254,199,0,0,0,0,149,254,254,138,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,229,10,0,0,0,18,227,254,237,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,247,254,157,0,0,0,0,73,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,205,254,233,19,0,0,0,38,229,254,203,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,197,22,0,0,0,0,122,254,252,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,247,50,0,0,0,0,0,205,254,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,253,238,16,0,0,0,0,167,254,254,84,51,51,51,51,33,0,0,0,0,0,0,0,0,0,0,0,10,253,254,191,106,106,106,182,254,254,254,254,254,254,254,254,200,4,0,0,0,0,0,0,0,0,0,0,0,127,246,254,254,254,254,254,254,254,254,254,254,254,236,194,87,0,0,0,0,0,0,0,0,0,0,0,0,0,82,139,190,239,248,254,254,207,139,133,40,40,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,254,241,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,242,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,254,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,195,254,114,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,219,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,250,250,5,0,5,37,88,168,244,244,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,199,253,253,87,120,195,253,253,253,253,253,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,239,253,253,253,253,253,253,253,230,227,181,58,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,253,253,253,195,181,181,126,78,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,238,224,134,71,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,227,253,138,63,63,63,63,63,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,217,253,253,237,253,253,253,253,250,219,95,170,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,253,253,241,201,180,98,82,35,98,28,164,227,22,0,0,0,0,0,0,0,0,0,0,0,0,0,51,165,225,148,39,0,0,0,0,0,0,0,165,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,0,0,0,0,0,0,0,0,45,243,170,1,0,0,0,0,0,0,0,0,0,0,0,33,76,0,0,0,0,0,0,0,0,0,0,48,181,246,54,0,0,0,0,0,0,0,0,0,0,0,113,244,107,0,0,0,0,0,0,0,0,0,138,247,253,80,0,0,0,0,0,0,0,0,0,0,0,0,255,253,10,0,0,0,0,0,0,0,31,137,236,244,143,8,0,0,0,0,0,0,0,0,0,0,0,0,246,253,229,152,29,7,0,6,23,125,217,253,159,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,238,253,253,253,196,171,191,253,253,253,198,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,197,243,253,253,249,253,253,179,57,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,93,55,93,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,236,169,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,201,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,253,253,71,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,210,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,254,240,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,238,254,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,181,254,223,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,232,33,0,0,0,0,27,178,240,173,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,177,0,0,0,0,50,235,254,254,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,245,204,47,0,0,0,95,237,254,254,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,19,239,254,127,0,0,0,88,236,254,225,139,81,247,201,4,0,0,0,0,0,0,0,0,0,0,0,0,183,254,161,0,0,0,56,236,254,221,69,0,0,235,254,10,0,0,0,0,0,0,0,0,0,0,0,30,236,220,29,0,0,50,237,254,221,37,0,0,0,235,254,10,0,0,0,0,0,0,0,0,0,0,3,157,254,113,0,0,27,235,254,196,32,0,0,0,82,248,194,3,0,0,0,0,0,0,0,0,0,0,11,254,253,72,0,0,138,254,220,25,0,0,0,82,246,254,76,0,0,0,0,0,0,0,0,0,0,0,82,254,163,0,0,61,250,254,34,0,0,37,147,246,254,243,45,0,0,0,0,0,0,0,0,0,0,0,111,254,238,135,135,175,254,179,36,119,235,244,254,254,243,71,0,0,0,0,0,0,0,0,0,0,0,0,36,254,254,254,254,254,254,254,254,254,254,254,254,200,45,0,0,0,0,0,0,0,0,0,0,0,0,0,5,135,213,254,254,254,254,254,254,254,254,171,82,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,106,188,254,217,154,114,55,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,94,220,254,58,13,13,13,13,13,13,13,42,133,133,88,2,0,0,0,0,0,0,0,0,0,0,14,161,253,253,253,253,253,253,253,254,253,253,253,253,253,253,253,93,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,253,253,253,254,253,253,253,245,245,253,253,144,0,0,0,0,0,0,0,0,0,0,65,253,253,253,253,253,253,253,253,252,205,205,124,64,65,222,253,144,0,0,0,0,0,0,0,0,0,0,19,230,253,239,193,193,146,124,77,69,0,0,0,0,0,206,253,144,0,0,0,0,0,0,0,0,0,0,0,38,60,46,0,0,0,0,0,0,0,0,0,0,56,242,253,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,174,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,182,253,253,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,254,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,178,253,200,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,253,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,253,253,213,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,223,253,242,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,205,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,254,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,244,82,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,247,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,243,185,5,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,103,183,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,196,241,254,226,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,162,249,254,254,184,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,152,244,254,254,254,113,139,234,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,160,252,254,254,249,145,22,14,190,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,254,254,191,62,0,0,119,254,232,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,252,254,254,108,5,0,0,27,222,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,254,254,254,171,36,0,0,214,254,208,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,254,254,254,237,149,150,254,253,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,128,205,254,254,254,254,254,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,120,239,254,254,254,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,237,254,254,254,215,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,197,254,215,103,253,254,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,254,239,52,0,139,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,203,101,0,0,42,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,205,254,88,0,0,9,136,254,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,254,216,29,0,14,140,221,167,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,182,79,115,186,254,227,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,254,254,254,243,114,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,254,254,254,210,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,105,198,255,254,182,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38,209,254,254,253,239,254,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,158,254,254,233,141,56,102,254,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,227,254,230,121,19,0,0,117,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,184,253,250,149,17,0,0,0,53,245,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,229,254,205,69,0,0,0,0,23,213,254,254,134,0,0,0,0,0,0,0,0,0,0,0,0,0,1,208,232,95,5,0,0,0,0,2,106,254,254,178,19,0,0,0,0,0,0,0,0,0,0,0,0,0,37,254,61,0,0,0,2,30,114,197,254,254,241,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,221,218,141,110,166,197,254,254,254,254,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,152,225,227,213,213,175,117,142,254,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,14,0,0,0,0,188,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,251,254,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,206,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,227,254,148,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,254,249,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,254,242,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,254,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,150,186,98,0,0,0,0,0,0,4,95,29,0,0,91,110,0,0,0,0,0,0,0,0,0,0,52,222,254,254,249,137,111,111,209,210,210,213,254,213,7,0,16,59,0,0,0,0,0,0,0,0,0,0,85,254,254,254,254,254,254,254,254,254,254,254,254,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,10,247,254,254,254,254,254,254,254,254,234,244,254,254,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,244,254,254,254,243,179,159,78,0,116,254,247,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,174,251,119,21,0,0,0,19,210,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,151,0,0,0,0,0,160,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,0,0,0,0,3,212,254,188,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,254,254,108,0,0,0,34,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,234,254,180,2,0,0,0,91,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,254,137,0,0,0,0,89,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,217,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,235,254,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,254,254,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,254,254,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,241,213,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,251,230,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,254,217,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,201,63,0,0,0,0,135,236,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,217,196,0,0,0,0,19,212,253,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,120,0,0,0,0,108,253,230,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,9,0,0,0,0,197,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,215,205,4,0,0,0,21,228,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,161,0,0,0,0,45,253,219,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,241,246,50,0,0,0,0,198,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,216,253,143,0,0,0,0,15,231,251,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,253,230,38,0,0,0,0,77,253,198,0,0,0,41,157,109,0,0,0,0,0,0,0,0,0,0,63,238,253,102,0,0,0,0,0,229,253,153,157,153,188,209,253,189,0,0,0,0,0,0,0,0,0,0,226,254,120,0,0,0,40,66,101,255,254,254,254,254,249,188,98,14,0,0,0,0,0,0,0,0,0,0,225,253,234,190,225,225,242,253,253,254,253,223,215,145,26,0,0,0,0,0,0,0,0,0,0,0,0,0,218,253,253,253,253,253,253,253,253,251,111,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,88,177,177,177,146,84,228,253,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,250,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,219,243,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,224,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,125,144,254,254,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,215,252,253,253,253,253,253,243,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,219,241,251,253,253,233,123,12,12,155,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,253,229,55,16,0,0,0,150,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,253,77,20,0,0,0,0,11,190,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,139,58,8,0,0,0,0,0,74,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,242,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,186,247,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,162,253,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,213,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,232,246,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,232,245,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,232,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,199,253,223,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,163,233,253,253,213,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,27,77,156,156,236,253,253,253,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,253,253,253,253,253,253,238,203,130,234,231,67,8,0,0,0,0,0,0,0,0,0,0,0,0,0,7,242,253,253,253,253,249,203,25,0,0,0,169,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,253,253,248,104,0,0,0,0,0,100,253,181,56,0,0,0,0,0,0,0,0,0,0,0,0,0,174,253,203,123,19,0,0,0,0,0,0,20,139,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,22,180,180,180,180,180,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,107,107,107,249,253,253,253,253,253,253,220,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,182,253,253,253,253,253,253,253,253,253,253,253,125,2,0,0,0,0,0,0,0,0,0,0,0,0,17,186,253,253,253,253,253,253,205,129,129,149,253,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,65,253,253,253,253,253,151,40,25,0,0,7,125,247,253,241,75,0,0,0,0,0,0,0,0,0,0,60,228,253,253,253,217,114,3,0,0,0,0,0,0,131,253,253,89,0,0,0,0,0,0,0,0,0,58,240,253,253,240,97,18,0,0,0,0,0,0,0,0,43,226,253,89,0,0,0,0,0,0,0,0,0,180,253,253,253,103,0,0,0,0,0,0,0,0,0,0,0,148,253,190,0,0,0,0,0,0,0,0,89,251,253,242,91,2,0,0,0,0,0,0,0,0,0,0,19,182,253,253,0,0,0,0,0,0,0,0,96,253,253,220,0,0,0,0,0,0,0,0,0,0,0,90,191,253,253,248,0,0,0,0,0,0,0,0,255,253,253,220,0,0,0,0,0,0,0,0,0,0,0,131,253,253,253,89,0,0,0,0,0,0,0,0,230,246,253,204,0,0,0,0,0,0,0,0,3,100,189,222,253,253,182,23,0,0,0,0,0,0,0,0,0,180,253,56,0,0,0,0,0,0,0,0,100,253,253,253,253,186,9,0,0,0,0,0,0,0,0,0,0,180,253,189,0,0,0,0,0,41,153,205,241,253,253,231,69,20,0,0,0,0,0,0,0,0,0,0,0,180,253,237,131,106,73,131,131,250,253,253,253,253,231,59,0,0,0,0,0,0,0,0,0,0,0,0,0,180,253,253,253,247,239,253,253,253,253,230,195,121,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,253,253,253,253,253,253,253,152,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,37,179,179,179,136,15,15,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,155,233,246,178,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,188,249,253,254,254,254,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,243,254,255,237,162,143,160,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,248,254,187,87,19,0,0,5,166,251,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,251,113,11,0,0,0,0,23,176,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,163,0,0,0,0,0,38,191,254,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,148,0,0,0,0,77,222,254,254,218,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,186,5,0,7,66,250,254,254,239,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,252,170,128,209,251,254,254,237,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,199,254,254,254,254,254,179,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,58,31,158,254,220,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,254,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,217,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,246,254,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,132,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,14,186,254,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,0,0,0,0,0,97,254,192,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,254,236,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,187,254,164,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,230,223,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,25,97,125,125,125,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,249,252,253,253,253,232,118,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,112,222,251,253,253,253,253,253,253,253,232,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,253,253,253,199,253,253,253,253,242,46,0,0,0,0,0,0,0,0,0,0,0,0,43,219,251,253,253,172,119,25,25,13,25,25,122,253,253,232,45,0,0,0,0,0,0,0,0,0,0,43,229,253,253,253,65,6,0,0,0,0,0,0,5,122,253,253,163,0,0,0,0,0,0,0,0,0,0,161,253,253,253,253,82,0,0,0,0,0,0,0,0,4,123,253,252,105,0,0,0,0,0,0,0,0,0,248,253,253,253,253,168,0,0,0,0,0,0,0,0,0,20,253,253,230,0,0,0,0,0,0,0,0,203,252,253,253,253,227,54,0,0,0,0,0,0,0,0,0,20,253,253,253,0,0,0,0,0,0,0,0,254,253,253,253,253,128,0,0,0,0,0,0,0,0,0,0,121,253,253,219,0,0,0,0,0,0,0,0,254,253,253,253,180,8,0,0,0,0,0,0,0,0,8,139,227,253,252,95,0,0,0,0,0,0,0,0,254,253,253,253,128,0,0,0,0,0,0,0,0,56,192,253,253,253,152,0,0,0,0,0,0,0,0,0,190,250,253,211,21,0,0,0,0,0,0,60,110,228,253,253,253,220,36,0,0,0,0,0,0,0,0,0,215,252,253,86,0,0,0,0,0,31,70,230,253,253,253,253,220,37,0,0,0,0,0,0,0,0,0,0,0,248,253,117,16,33,33,74,163,233,253,253,253,253,232,140,37,0,0,0,0,0,0,0,0,0,0,0,0,248,253,253,203,253,253,253,253,253,253,253,248,207,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,253,253,253,253,253,253,253,253,249,234,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,253,253,253,253,253,253,243,139,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,117,166,247,247,139,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,204,153,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,214,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,253,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,255,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,252,231,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,216,253,253,214,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,252,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,241,252,252,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,253,244,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,243,253,252,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,252,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,251,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,252,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,202,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,78,234,230,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,83,165,231,254,254,254,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,170,233,254,254,254,254,254,254,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,154,185,254,254,254,254,254,238,182,103,212,105,0,0,0,0,0,0,0,0,0,0,0,0,0,3,163,239,254,254,254,254,238,177,95,27,0,0,10,5,0,0,0,0,0,0,0,0,0,0,0,0,0,127,254,254,254,254,205,162,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,223,122,106,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,198,254,254,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,254,254,194,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,250,64,11,31,80,144,103,115,144,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,250,207,217,237,254,241,235,180,236,191,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,254,254,238,170,82,5,0,0,28,235,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,186,211,165,83,15,0,0,0,0,0,28,235,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,252,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,209,254,182,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,165,254,235,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,102,7,42,42,5,5,5,115,241,236,254,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,254,254,254,254,254,254,254,234,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,254,254,254,254,254,254,221,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,158,216,254,254,254,254,187,140,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,67,143,144,220,205,253,232,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,200,223,252,252,253,252,252,252,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,252,252,252,197,131,252,252,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,227,252,252,246,134,17,130,252,252,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,252,223,61,0,143,252,252,252,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,252,224,23,0,230,252,252,245,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,180,252,237,231,253,252,248,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,192,252,252,253,241,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,252,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,197,252,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,253,253,255,224,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,237,252,252,99,176,252,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,252,145,6,39,222,252,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,252,229,32,0,0,71,252,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,234,250,115,0,0,0,138,252,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,154,0,0,0,113,236,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,131,0,4,108,244,249,241,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,152,112,184,252,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,252,252,252,252,219,195,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,252,252,204,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,227,147,52,192,124,32,237,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,226,252,243,237,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,252,189,100,21,21,21,234,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,252,152,0,0,0,57,246,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,249,70,0,0,50,244,155,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,242,156,7,61,253,253,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,156,183,252,210,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,252,253,245,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,253,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,253,255,253,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,52,232,217,81,231,238,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,252,138,0,86,251,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,237,210,31,0,0,232,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,244,49,0,0,0,144,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,84,0,0,0,233,253,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,84,0,0,0,232,160,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,168,83,189,232,249,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,252,252,252,253,231,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,147,252,252,191,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,128,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,64,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,128,0,0,0,0,0,0,128,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,191,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,191,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,191,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,128,253,255,127,121,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,240,240,247,252,252,253,252,252,199,107,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,252,252,252,253,252,252,252,252,205,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,231,239,172,172,102,39,39,158,197,252,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,44,0,0,0,0,0,0,17,88,235,244,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,252,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,228,252,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,252,250,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,252,252,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,250,252,201,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,149,249,252,227,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,17,81,30,47,81,162,252,252,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,67,179,227,211,252,219,230,252,253,252,252,193,67,18,0,0,0,0,0,0,0,0,0,0,0,0,90,249,252,252,252,252,252,252,252,252,253,252,252,252,252,203,186,172,51,0,0,0,0,0,0,0,0,0,141,252,252,252,252,252,252,252,252,252,253,252,216,246,252,252,252,252,248,82,0,0,0,0,0,0,0,0,239,252,252,252,252,252,252,252,236,154,93,93,10,78,93,191,225,242,252,119,0,0,0,0,0,0,0,0,114,251,252,252,252,252,243,154,45,0,0,0,0,0,0,0,0,67,106,50,0,0,0,0,0,0,0,0,0,240,252,252,252,224,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,86,11,0,0,0,11,24,97,138,138,243,191,61,0,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,203,88,47,140,203,253,252,252,252,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,184,252,252,253,252,252,252,252,253,252,252,252,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,142,252,252,253,252,252,252,252,245,160,128,45,234,253,214,13,0,0,0,0,0,0,0,0,0,0,0,0,7,65,137,137,137,137,137,32,21,0,0,0,230,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,236,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,252,252,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,246,252,252,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,212,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,252,193,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,252,233,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,253,157,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,212,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,252,252,252,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,194,252,252,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,211,252,210,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,185,254,255,255,93,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,129,228,253,253,203,207,253,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,208,253,253,251,192,48,100,253,252,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,145,253,253,253,244,88,0,11,214,253,188,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,253,253,206,51,0,7,168,253,245,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,247,253,253,126,14,0,0,216,253,249,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,223,23,0,11,134,248,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,253,253,242,112,8,92,253,253,233,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,136,245,253,253,234,246,253,252,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,210,253,253,253,253,185,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,207,253,253,253,249,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,225,253,249,249,253,250,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,221,253,217,68,68,218,253,220,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,253,253,88,0,0,43,253,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,237,253,113,1,0,0,45,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,241,44,0,14,66,242,253,228,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,171,253,205,0,51,181,253,253,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,232,178,251,253,253,167,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,253,253,253,253,238,143,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,253,170,93,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,249,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,213,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,254,254,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,254,212,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,121,5,0,0,51,248,254,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,254,112,0,0,144,254,254,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,254,181,0,0,144,254,254,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,236,254,248,25,0,0,152,254,219,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,180,254,254,101,0,0,27,245,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,158,4,0,0,173,254,254,87,0,0,0,26,51,120,6,0,0,0,0,0,0,0,0,0,0,204,254,233,36,15,108,112,211,254,254,222,207,207,207,232,254,254,65,0,0,0,0,0,0,0,0,0,0,222,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,29,0,0,0,0,0,0,0,0,0,0,75,227,254,254,254,254,254,254,246,211,211,211,207,115,28,55,19,3,0,0,0,0,0,0,0,0,0,0,0,19,53,53,53,95,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,255,129,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,251,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,247,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,204,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,29,0,0,0,0,198,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,198,226,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,86,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,255,226,29,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,255,141,0,0,0,29,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,255,198,0,0,0,0,141,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,226,29,0,0,0,0,170,255,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,226,86,0,0,0,0,29,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,170,0,0,0,0,0,114,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,86,0,0,0,0,0,0,198,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,170,86,170,226,255,255,255,255,255,226,57,0,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,255,255,255,255,255,255,255,226,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,170,198,170,198,170,255,255,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,226,255,255,114,0,0,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,255,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,226,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,255,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,254,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,211,254,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,253,238,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,240,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,223,254,214,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,235,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,251,251,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,201,254,164,0,0,0,0,0,0,0,0,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,200,18,0,0,0,0,0,0,3,129,248,212,72,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,113,0,0,0,0,0,0,118,206,254,254,254,213,19,0,0,0,0,0,0,0,0,0,0,0,0,198,254,113,0,0,0,2,10,94,248,254,251,191,235,254,107,0,0,0,0,0,0,0,0,0,0,0,0,198,254,113,0,0,0,57,254,254,254,156,60,0,144,254,162,0,0,0,0,0,0,0,0,0,0,0,0,198,254,113,0,0,0,53,254,230,34,4,0,27,174,254,197,0,0,0,0,0,0,0,0,0,0,0,0,198,254,113,0,0,26,216,254,117,5,0,76,191,254,247,78,0,0,0,0,0,0,0,0,0,0,0,0,198,254,212,137,25,124,254,222,23,86,89,229,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,254,254,248,250,254,250,248,254,254,254,204,96,3,0,0,0,0,0,0,0,0,0,0,0,0,0,2,101,183,248,254,254,254,254,254,254,253,162,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,131,215,254,254,195,159,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,223,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,251,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,197,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,250,238,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,255,223,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,254,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,246,254,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,217,254,229,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,235,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,143,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,254,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,230,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,229,254,241,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,254,252,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,226,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,248,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,182,197,197,197,198,197,197,181,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,253,252,252,252,252,253,252,252,252,252,108,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,252,252,252,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,253,255,253,253,253,253,255,253,253,253,253,255,206,25,0,0,0,0,0,0,0,0,0,0,0,0,182,252,252,253,223,58,27,27,27,27,27,43,167,253,252,199,28,0,0,0,0,0,0,0,0,0,0,19,209,252,252,228,130,0,0,0,0,0,0,0,0,222,252,252,115,0,0,0,0,0,0,0,0,0,0,85,252,252,252,47,0,0,0,0,0,0,0,0,0,38,234,252,227,13,0,0,0,0,0,0,0,0,0,163,252,252,252,0,0,0,0,0,0,0,0,0,0,0,146,252,252,189,0,0,0,0,0,0,0,0,51,238,253,240,63,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,0,0,0,0,0,0,0,0,159,252,252,99,0,0,0,0,0,0,0,0,0,0,48,226,249,252,252,127,0,0,0,0,0,0,0,0,253,252,252,84,0,0,0,0,0,0,0,19,57,150,227,253,252,252,245,87,0,0,0,0,0,0,0,0,225,249,252,84,0,0,0,7,13,29,29,104,252,252,252,253,242,192,74,0,0,0,0,0,0,0,0,0,0,225,220,37,0,0,48,165,189,252,253,252,252,252,252,253,89,0,0,0,0,0,0,0,0,0,0,0,0,226,253,253,253,255,253,253,253,253,255,253,253,178,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,252,252,252,253,252,252,252,252,253,176,136,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,165,195,195,196,195,195,195,195,56,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,245,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,249,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,184,0,0,0,34,229,253,236,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,254,60,0,0,151,254,254,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,249,253,93,0,13,222,254,227,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,253,17,0,108,253,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,247,253,219,0,0,207,253,254,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,187,254,247,84,0,72,254,254,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,110,254,253,96,0,0,189,253,253,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,215,254,206,9,0,32,241,253,219,9,22,24,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,254,198,93,93,170,253,253,253,210,247,253,253,185,17,0,0,0,0,0,0,0,0,0,0,0,0,116,254,255,254,254,254,254,254,254,254,254,254,254,254,185,9,0,0,0,0,0,0,0,0,0,0,0,0,53,148,254,253,253,253,254,253,181,139,115,115,107,23,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,63,181,253,254,198,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,253,228,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,237,254,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,248,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,232,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,38,38,38,38,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,69,105,118,198,198,229,254,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,241,254,254,254,254,254,254,254,254,254,254,197,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,240,254,254,254,254,217,206,206,129,113,22,18,5,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,254,251,164,117,47,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,159,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,235,254,241,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,254,254,245,136,123,124,109,29,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,242,254,254,254,254,254,255,254,254,254,193,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,254,215,188,153,189,188,153,188,250,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,150,115,28,12,0,0,0,0,34,160,252,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,108,241,254,254,67,0,0,0,0,0,0,0,0,0,0,0,0,0,12,17,0,0,0,0,0,0,29,157,254,254,254,166,16,0,0,0,0,0,0,0,0,0,0,0,0,236,238,196,0,0,0,0,29,104,242,254,254,231,50,2,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,248,114,201,207,207,235,254,254,250,136,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,223,254,254,254,254,254,254,254,254,190,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,160,254,254,254,228,130,103,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,37,37,37,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,146,216,255,254,183,105,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,253,253,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,251,225,139,198,253,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,52,0,16,197,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,190,253,253,253,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,194,253,253,225,47,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,246,253,253,228,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,154,240,253,253,185,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,210,253,253,253,253,151,23,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,253,253,253,253,193,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,161,161,207,253,214,253,253,233,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,16,95,179,246,253,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,238,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,138,250,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,214,253,253,228,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,149,84,36,156,220,253,253,229,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,253,253,251,253,253,253,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,246,253,253,253,238,98,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,193,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,201,254,238,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,73,192,239,253,253,253,253,132,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,199,253,253,254,253,222,253,253,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,123,243,253,253,222,95,19,84,253,253,207,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,253,110,14,0,0,79,253,253,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,254,255,219,68,0,0,37,104,224,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,253,231,55,20,20,95,201,253,253,253,245,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,235,254,253,253,253,253,254,253,253,253,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,223,253,253,216,213,95,164,253,247,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,58,58,5,0,0,118,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,224,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,89,238,222,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,254,253,228,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,253,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,254,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,255,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,244,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,254,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,253,199,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,231,96,0,0,0,0,121,232,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,211,253,147,0,0,0,19,222,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,253,225,18,0,0,0,107,253,254,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,250,240,106,0,0,0,13,230,253,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,254,253,137,0,0,0,0,153,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,209,255,174,0,0,0,0,5,194,254,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,253,219,36,0,0,0,0,73,253,234,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,240,253,68,0,0,0,0,19,226,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,200,0,0,0,0,0,127,253,253,144,24,32,129,12,0,0,0,0,0,0,0,0,0,0,0,0,79,253,193,38,46,128,195,195,254,253,253,253,230,134,253,78,0,0,0,0,0,0,0,0,0,0,0,0,31,204,254,255,254,254,254,254,255,254,254,254,254,99,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,248,241,233,239,245,253,254,243,203,135,135,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,30,0,24,90,155,213,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,241,253,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,254,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,167,234,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,229,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,217,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,7,98,130,130,231,255,255,255,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,121,253,253,253,253,253,253,253,253,205,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,238,235,235,242,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,253,253,247,192,20,0,0,100,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,189,253,230,102,0,0,0,0,175,253,196,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,93,25,0,0,0,0,0,205,253,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,253,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,244,181,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,28,217,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,219,244,90,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,34,0,46,69,69,159,192,192,242,94,61,8,0,0,0,0,0,0,0,0,0,0,0,0,0,10,189,174,201,19,209,253,253,253,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,253,133,104,0,33,73,190,233,172,172,73,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,52,180,34,0,0,0,10,32,0,0,0,73,13,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,53,187,144,0,0,19,181,187,102,27,0,73,163,249,85,0,0,0,0,0,0,0,0,0,0,0,0,0,34,253,234,100,160,146,80,90,22,0,0,0,94,143,103,100,5,0,0,0,0,0,0,0,0,0,0,0,11,210,253,253,253,197,124,7,0,0,0,0,55,241,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,84,210,253,158,9,14,0,0,0,0,0,0,169,253,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,84,57,4,0,0,0,0,0,0,0,0,5,173,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,168,114,0,0,0,0,0,114,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,255,139,254,253,254,253,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,114,168,253,251,253,251,253,251,253,251,253,251,253,251,114,0,0,0,0,0,0,0,0,0,0,0,0,57,255,253,255,253,255,253,254,253,254,253,254,196,254,253,254,139,0,0,0,0,0,0,0,0,0,0,0,168,253,251,253,251,253,251,253,138,84,83,84,28,139,251,253,251,0,0,0,0,0,0,0,0,0,0,141,253,255,253,255,253,169,56,0,0,0,0,0,0,198,253,254,253,0,0,0,0,0,0,0,0,0,0,253,251,253,251,253,138,0,0,0,0,0,0,0,0,28,196,253,251,169,56,0,0,0,0,0,0,0,0,226,168,0,114,114,0,0,0,0,0,0,0,0,0,0,0,254,253,254,253,0,0,0,0,0,0,0,0,225,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,251,253,251,0,0,0,0,0,0,0,0,255,84,0,0,0,0,0,0,0,0,0,0,0,0,85,197,254,253,114,56,0,0,0,0,0,0,0,0,253,83,0,0,0,0,0,0,0,0,0,0,114,0,253,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,84,254,253,169,56,0,0,0,0,0,0,0,0,0,0,170,168,0,0,0,0,0,0,0,0,0,0,253,196,253,251,114,0,0,0,0,0,0,0,0,0,0,0,57,225,198,85,29,85,0,0,85,85,85,85,254,253,169,56,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,251,197,251,169,168,253,251,253,251,253,138,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,196,254,253,254,253,254,253,254,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,28,84,196,253,251,253,251,253,138,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,95,143,143,227,254,244,42,0,0,0,0,0,0,0,0,0,0,0,0,0,31,105,132,177,226,227,226,237,254,254,254,254,254,254,66,0,0,0,0,0,0,0,0,0,0,0,0,115,208,254,254,254,254,254,254,254,247,209,244,177,185,139,15,0,0,0,0,0,0,0,0,0,0,0,23,241,254,254,254,225,254,207,129,85,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,153,57,12,18,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,252,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,229,254,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,236,53,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,254,254,208,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,208,254,254,254,254,209,195,136,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,150,199,242,254,254,254,254,166,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,56,136,223,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,163,254,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,254,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,110,7,0,0,0,0,10,125,254,254,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,218,254,176,38,70,86,141,215,254,255,227,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,254,254,254,249,252,254,254,254,254,240,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,230,254,254,254,254,254,254,240,190,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,163,225,194,159,128,66,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,131,202,202,202,202,202,202,202,192,47,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,254,254,254,254,254,254,254,254,254,254,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,253,254,254,254,254,254,254,254,254,254,254,253,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,254,254,250,216,216,216,235,254,254,254,254,254,162,7,0,0,0,0,0,0,0,0,0,0,0,82,252,254,254,208,102,0,0,0,57,116,208,254,254,254,254,160,55,0,0,0,0,0,0,0,0,0,16,183,254,254,208,18,0,0,0,0,0,0,10,14,167,254,254,254,100,0,0,0,0,0,0,0,0,0,160,254,254,226,31,0,0,0,0,0,0,0,0,0,55,243,254,254,119,0,0,0,0,0,0,0,0,53,229,254,254,216,0,0,0,0,0,0,0,0,0,0,0,83,254,254,255,0,0,0,0,0,0,0,0,102,254,254,226,56,0,0,0,0,0,0,0,0,0,0,0,8,254,254,113,0,0,0,0,0,0,0,0,102,254,254,53,0,0,0,0,0,0,0,0,0,0,0,0,22,254,254,100,0,0,0,0,0,0,0,0,102,254,254,83,0,0,0,0,0,0,0,0,0,0,0,31,208,254,254,175,0,0,0,0,0,0,0,0,143,254,254,244,54,0,0,0,0,0,50,36,43,47,70,116,254,254,254,118,0,0,0,0,0,0,0,0,85,219,254,254,167,16,16,35,171,171,229,214,222,227,254,254,254,254,209,33,0,0,0,0,0,0,0,0,0,202,254,254,254,254,254,254,254,254,254,254,254,254,254,254,255,205,25,0,0,0,0,0,0,0,0,0,0,202,254,254,254,254,254,254,254,254,254,254,254,254,254,201,94,22,0,0,0,0,0,0,0,0,0,0,0,102,247,254,254,254,254,254,255,254,254,251,247,142,92,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,146,205,254,254,254,155,146,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,46,46,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,118,253,109,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,252,252,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,252,195,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,134,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,248,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,215,252,168,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,252,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,252,116,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,92,152,233,234,233,254,253,234,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,233,252,253,252,253,252,253,252,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,213,254,253,254,253,254,253,255,253,255,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,252,253,252,91,50,50,172,253,252,253,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,253,224,61,0,21,214,253,255,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,212,203,0,21,203,253,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,173,253,254,253,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,223,253,252,253,252,203,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,193,254,253,254,253,254,253,254,253,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,252,253,252,253,252,233,192,253,252,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,254,253,254,233,142,61,0,102,254,253,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,203,253,212,131,30,0,0,0,102,253,252,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,31,213,254,253,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,193,252,253,130,0,0,0,0,0,0,0,0,0,0,0,0,31,31,0,0,0,0,0,0,0,0,51,173,254,253,183,0,0,0,0,0,0,0,0,0,0,0,21,183,233,151,0,0,0,0,0,0,21,142,253,252,253,212,20,0,0,0,0,0,0,0,0,0,0,0,132,253,255,172,52,31,0,41,52,132,214,253,254,253,244,81,0,0,0,0,0,0,0,0,0,0,0,0,51,252,253,252,253,232,203,243,253,252,253,252,253,252,81,0,0,0,0,0,0,0,0,0,0,0,0,0,21,183,255,253,255,253,254,253,254,253,254,233,102,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,151,213,252,253,252,233,151,131,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,233,244,65,55,233,253,128,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,78,194,252,253,252,252,252,252,253,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,155,252,252,252,253,252,252,252,252,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,252,253,193,160,66,192,253,252,162,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,147,75,8,0,0,11,148,252,246,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,116,74,0,0,0,0,0,0,24,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,252,252,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,170,252,252,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,253,252,153,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,250,253,252,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,233,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,68,228,252,252,135,0,0,0,0,5,47,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,191,252,252,252,168,0,0,0,0,0,138,252,234,65,0,0,0,0,0,0,0,0,0,0,0,26,134,248,253,252,252,252,43,0,0,0,34,93,253,252,252,160,0,0,0,0,0,0,0,0,0,0,0,70,252,252,253,252,252,252,128,64,116,146,238,252,253,252,252,108,0,0,0,0,0,0,0,0,0,0,36,222,253,253,255,249,237,253,253,255,253,253,253,253,255,253,173,0,0,0,0,0,0,0,0,0,0,0,161,252,252,252,249,117,25,223,252,253,252,252,252,252,228,132,25,0,0,0,0,0,0,0,0,0,0,7,186,252,252,252,115,0,0,56,69,190,252,202,183,130,32,0,0,0,0,0,0,0,0,0,0,0,0,24,252,252,252,168,0,0,0,0,0,5,45,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,169,252,210,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,150,234,255,176,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,120,221,253,253,253,253,247,124,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,109,232,253,253,253,239,217,230,253,253,185,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,253,253,218,149,41,0,24,90,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,252,253,241,134,12,0,0,0,0,42,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,253,173,41,0,0,0,0,0,26,212,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,84,0,0,0,0,0,9,183,253,253,253,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,234,199,34,0,0,13,63,214,253,253,253,248,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,253,234,213,128,221,253,253,253,253,253,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,170,247,253,253,253,253,245,241,253,253,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,51,96,155,72,59,216,253,223,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,253,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,253,224,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,249,253,190,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,251,253,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,253,194,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,236,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,60,255,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,254,215,0,0,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,215,0,51,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,212,254,145,0,76,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,217,254,28,1,124,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,253,207,9,10,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,188,0,66,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,188,0,104,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,216,253,84,0,104,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,240,229,0,0,4,123,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,253,159,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,250,234,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,253,172,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,184,253,130,0,0,0,158,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,253,253,65,0,0,0,197,231,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,253,219,15,0,0,0,197,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,151,0,0,0,0,197,253,112,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,253,68,0,0,0,0,55,131,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,127,255,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,253,253,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,253,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,232,253,183,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,238,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,95,247,253,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,253,253,226,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,229,253,206,23,0,0,0,0,0,2,89,212,233,205,28,0,0,0,0,0,0,0,0,0,0,0,0,76,253,253,65,0,0,0,0,0,0,45,253,253,253,253,216,3,0,0,0,0,0,0,0,0,0,0,0,161,253,238,41,0,0,0,0,0,34,221,253,253,253,253,253,129,0,0,0,0,0,0,0,0,0,0,0,184,253,154,0,0,0,0,0,5,152,253,253,245,70,77,253,238,39,0,0,0,0,0,0,0,0,0,0,184,253,102,0,0,0,0,0,127,253,253,239,74,0,66,253,253,75,0,0,0,0,0,0,0,0,0,0,184,253,102,0,0,0,0,14,236,253,236,37,0,0,66,253,253,75,0,0,0,0,0,0,0,0,0,0,184,248,4,0,0,0,0,132,253,244,115,0,0,15,178,253,253,75,0,0,0,0,0,0,0,0,0,0,184,252,98,0,0,0,0,233,253,161,0,0,95,216,253,253,203,24,0,0,0,0,0,0,0,0,0,0,95,253,246,130,99,0,36,241,253,199,113,211,245,253,253,253,23,0,0,0,0,0,0,0,0,0,0,0,67,249,253,253,253,249,251,253,253,253,253,253,253,253,203,23,1,0,0,0,0,0,0,0,0,0,0,0,0,115,195,253,253,253,253,253,253,253,253,253,196,126,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,72,150,253,253,253,253,214,136,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,17,60,180,123,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,253,253,253,205,35,0,0,0,18,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,114,208,253,253,253,242,71,13,33,108,206,224,160,14,0,0,0,0,0,0,0,0,0,0,0,0,0,114,253,253,253,253,253,211,124,174,253,253,253,253,253,177,8,0,0,0,0,0,0,0,0,0,0,4,119,244,253,253,253,221,253,253,253,253,253,253,253,253,253,253,168,18,0,0,0,0,0,0,0,0,0,17,253,253,253,253,253,89,253,253,253,253,253,253,139,186,253,253,253,89,0,0,0,0,0,0,0,0,0,60,253,253,253,253,253,238,253,231,187,187,65,24,5,12,61,226,253,238,0,0,0,0,0,0,0,0,0,180,253,253,253,222,98,137,253,171,0,0,0,0,0,0,0,148,253,253,0,0,0,0,0,0,0,0,89,251,253,253,213,31,0,2,7,5,0,0,0,0,0,0,0,148,253,253,0,0,0,0,0,0,0,0,96,253,253,230,42,0,0,0,0,0,0,0,0,0,0,0,45,219,253,253,0,0,0,0,0,0,0,0,254,253,253,220,0,0,0,0,0,0,0,0,0,0,17,99,234,253,253,189,0,0,0,0,0,0,0,0,255,253,253,220,0,0,0,0,0,0,0,0,3,25,168,253,253,253,253,89,0,0,0,0,0,0,0,0,180,253,253,220,0,0,0,0,0,0,0,45,128,253,253,253,253,253,219,49,0,0,0,0,0,0,0,0,91,253,253,247,205,67,42,42,42,201,205,224,253,253,253,253,244,212,44,0,0,0,0,0,0,0,0,0,44,215,253,253,253,253,253,253,253,253,253,253,253,253,253,253,111,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,253,253,253,253,253,253,253,230,195,121,32,32,4,0,0,0,0,0,0,0,0,0,0,0,0,7,106,220,253,253,253,253,253,205,106,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,95,179,89,58,78,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,96,255,187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,249,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,221,253,245,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,253,253,208,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,220,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,253,198,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,220,253,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,253,253,193,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,188,253,230,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,253,253,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,253,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,251,253,251,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,253,253,180,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,246,62,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,245,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,253,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,253,244,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,248,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,185,253,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,235,253,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,175,253,253,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,253,253,253,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,203,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,254,253,171,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,239,254,253,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,229,253,254,211,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,254,254,243,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,229,253,253,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,253,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,237,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,254,254,193,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,254,253,253,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,255,253,234,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,254,253,184,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,254,158,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,59,89,156,156,156,201,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,50,132,214,239,253,253,253,253,249,233,135,18,0,0,0,0,0,0,0,0,0,0,0,0,0,99,176,211,253,253,253,254,253,253,240,174,60,0,0,0,0,0,0,0,0,0,0,0,0,0,4,107,189,248,254,253,253,253,253,214,130,211,235,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,253,253,253,254,253,253,147,58,0,8,205,253,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,254,254,254,173,91,0,0,0,14,149,254,244,83,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,247,253,253,96,3,0,0,0,141,253,253,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,122,247,253,254,187,108,6,31,224,253,198,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,229,254,253,253,145,219,254,234,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,119,238,253,253,253,254,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,254,254,254,255,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,253,253,253,254,250,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,241,253,240,100,223,253,199,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,164,253,253,71,0,12,202,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,253,154,5,0,0,154,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,171,255,241,30,0,46,217,254,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,253,254,159,88,207,244,254,253,179,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,253,253,253,254,171,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,254,253,253,253,222,117,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,193,254,245,155,103,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,205,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,242,253,253,166,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,241,254,253,253,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,95,216,253,254,253,253,241,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,195,253,253,253,254,253,253,253,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,253,253,253,253,254,253,253,253,253,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,233,253,253,253,232,214,213,213,226,253,253,241,86,0,0,0,0,0,0,0,0,0,0,0,0,0,23,206,253,253,250,148,44,0,0,0,30,128,246,253,243,68,0,0,0,0,0,0,0,0,0,0,0,0,214,253,253,253,219,0,0,0,0,0,0,0,110,253,253,184,0,0,0,0,0,0,0,0,0,0,0,50,235,253,253,232,44,0,0,0,0,0,0,0,26,211,253,240,0,0,0,0,0,0,0,0,0,0,0,158,254,254,254,80,0,0,0,0,0,0,0,0,26,213,255,241,0,0,0,0,0,0,0,0,0,0,103,252,253,225,47,4,0,0,0,0,0,0,0,0,54,253,253,240,0,0,0,0,0,0,0,0,0,0,228,253,253,66,0,0,0,0,0,0,0,0,0,181,233,253,253,120,0,0,0,0,0,0,0,0,0,0,241,253,228,36,0,0,0,0,0,0,0,0,69,245,253,253,188,17,0,0,0,0,0,0,0,0,0,96,251,253,67,0,0,0,0,0,0,0,0,111,217,253,253,243,69,0,0,0,0,0,0,0,0,0,0,121,253,253,68,0,0,0,0,0,0,54,181,247,253,253,242,98,0,0,0,0,0,0,0,0,0,0,0,102,251,253,228,58,9,41,55,97,112,255,253,253,253,243,98,0,0,0,0,0,0,0,0,0,0,0,0,0,227,253,253,229,180,253,253,253,253,255,253,243,184,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,155,251,253,253,253,253,253,253,241,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,225,253,253,253,246,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,128,253,213,19,0,0,0,25,178,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,252,252,244,32,0,0,0,94,252,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,112,221,252,252,93,0,0,0,2,160,252,234,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,252,252,252,215,39,0,0,0,36,252,252,139,24,0,0,0,0,0,0,0,0,0,0,0,0,0,9,222,252,252,209,17,0,0,0,0,132,252,252,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,252,252,238,80,0,0,0,0,0,132,252,252,84,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,252,252,163,0,0,0,0,0,0,231,252,240,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,252,252,84,0,0,0,0,0,150,253,252,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,253,252,252,84,0,0,0,0,0,241,253,242,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,252,252,222,121,121,121,121,172,252,253,239,121,121,121,121,121,167,241,11,0,0,0,0,0,0,0,0,70,248,253,253,253,253,253,253,253,253,255,253,253,253,253,253,253,253,253,195,0,0,0,0,0,0,0,0,0,74,231,252,252,252,252,252,252,252,253,252,252,252,252,252,252,252,252,252,0,0,0,0,0,0,0,0,0,0,14,96,182,216,245,252,252,252,234,216,216,216,216,233,175,141,164,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,205,252,252,229,40,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,216,252,252,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,252,252,221,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,241,252,252,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,252,252,215,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,200,252,216,89,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,167,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,236,214,118,38,0,0,52,118,22,0,77,118,118,118,80,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,254,222,98,98,241,254,239,235,248,254,254,254,248,201,29,0,0,0,0,0,0,0,0,0,0,0,194,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,204,29,0,0,0,0,0,0,0,0,0,0,24,194,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,96,0,0,0,0,0,0,0,0,0,0,0,25,82,82,82,82,82,130,108,82,82,82,82,213,250,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,241,254,254,96,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,254,233,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,242,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,246,254,254,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,254,254,204,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,254,254,254,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,216,254,254,200,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,110,254,254,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,254,254,254,204,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,254,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,209,255,254,254,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,254,254,254,224,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,254,254,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,218,239,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,13,19,29,79,141,141,229,203,13,0,0,0,0,0,0,0,0,0,0,0,0,0,19,107,120,169,169,243,207,225,252,252,253,252,252,252,194,19,0,0,0,0,0,0,0,0,0,0,0,0,123,252,253,252,252,252,253,252,252,252,253,252,252,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,197,252,253,252,252,252,253,252,252,151,140,65,103,252,253,84,0,0,0,0,0,0,0,0,0,0,0,0,38,213,214,113,113,63,51,0,0,0,0,7,154,253,239,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,172,252,252,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,252,252,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,253,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,252,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,253,227,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,178,253,251,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,197,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,252,252,151,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,253,253,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,253,252,196,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,253,252,130,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,253,227,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,216,255,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,239,253,253,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,253,253,214,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,180,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,253,213,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,232,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,253,253,222,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,222,253,224,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,193,253,253,68,0,0,0,0,11,105,125,51,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,253,253,253,59,0,0,0,61,223,253,253,253,177,73,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,215,13,0,20,178,250,253,253,253,253,253,210,28,0,0,0,0,0,0,0,0,0,0,0,13,204,253,248,54,0,9,203,253,253,253,253,242,237,253,253,176,0,0,0,0,0,0,0,0,0,0,0,185,253,253,217,0,0,114,253,253,253,214,152,47,155,253,253,183,0,0,0,0,0,0,0,0,0,0,0,222,253,222,37,0,113,250,253,253,152,17,0,69,253,253,253,183,0,0,0,0,0,0,0,0,0,0,177,252,253,69,76,202,251,253,213,79,1,7,116,245,253,253,224,40,0,0,0,0,0,0,0,0,0,0,184,253,253,147,245,253,253,140,29,24,66,155,253,253,253,227,38,0,0,0,0,0,0,0,0,0,0,0,95,253,253,253,253,253,253,161,127,226,253,253,253,253,253,107,0,0,0,0,0,0,0,0,0,0,0,0,2,209,253,253,253,253,253,253,253,253,253,253,253,250,120,1,0,0,0,0,0,0,0,0,0,0,0,0,0,34,151,253,253,253,253,253,253,253,253,253,185,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,152,253,253,170,145,145,145,100,74,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,77,77,123,77,183,185,60,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,92,216,244,254,254,254,254,254,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,254,254,254,254,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,254,254,254,254,185,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,244,141,63,27,29,254,254,254,221,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,118,254,254,227,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,243,254,254,219,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,40,164,187,248,254,254,215,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,254,254,254,254,243,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,254,254,254,254,254,254,218,111,2,0,0,0,0,0,0,0,0,0,0,103,7,3,0,0,0,0,0,126,254,254,253,233,250,254,254,254,179,95,0,0,0,0,0,0,0,0,0,37,77,106,25,0,0,0,0,43,87,87,79,0,70,190,195,245,254,184,0,0,0,0,0,0,0,0,0,0,15,162,226,172,11,0,0,0,0,0,0,0,0,0,26,182,254,241,31,0,0,0,0,0,0,0,0,0,0,102,156,254,241,116,7,0,0,0,0,0,0,3,178,254,254,175,2,0,0,0,0,0,0,0,0,0,0,0,67,210,254,254,192,121,66,66,122,174,174,182,255,254,158,24,0,0,0,0,0,0,0,0,0,0,0,0,0,14,233,254,254,254,254,254,254,254,254,254,254,78,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,222,247,254,254,254,254,254,228,106,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,128,184,184,82,76,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,230,242,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,187,254,254,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,202,254,254,238,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,254,254,240,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,238,254,254,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,254,254,227,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,216,254,252,79,0,0,0,0,0,0,40,50,50,9,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,254,160,0,0,0,0,0,82,159,243,254,254,205,125,0,0,0,0,0,0,0,0,0,0,0,5,216,254,249,34,0,0,9,148,234,253,254,254,254,254,254,252,77,0,0,0,0,0,0,0,0,0,0,146,254,254,149,0,0,19,114,254,254,254,242,200,142,92,204,254,199,8,0,0,0,0,0,0,0,0,0,185,254,239,41,0,79,219,254,254,254,113,41,0,0,0,104,254,254,38,0,0,0,0,0,0,0,0,46,250,252,112,0,25,207,254,253,233,108,1,0,0,0,0,159,254,254,38,0,0,0,0,0,0,0,0,147,254,253,79,20,234,254,254,213,0,0,0,0,0,0,69,240,254,238,29,0,0,0,0,0,0,0,0,147,254,207,0,124,254,254,184,25,0,0,0,0,0,0,174,254,242,67,0,0,0,0,0,0,0,0,0,147,254,152,42,252,254,217,32,0,0,0,0,7,16,143,251,254,222,0,0,0,0,0,0,0,0,0,0,147,254,253,141,254,254,97,0,0,0,52,66,156,220,254,255,254,120,0,0,0,0,0,0,0,0,0,0,41,226,254,254,254,250,78,104,157,212,246,254,254,254,254,254,125,1,0,0,0,0,0,0,0,0,0,0,0,161,250,254,254,254,251,254,254,254,254,252,222,222,106,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,115,226,254,254,254,254,254,254,198,76,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,72,243,254,171,93,38,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,17,108,180,180,180,180,180,180,107,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,253,253,253,253,253,253,253,253,253,253,134,52,0,0,0,0,0,0,0,0,0,0,0,0,0,35,197,204,253,253,253,253,253,253,253,253,253,253,253,138,26,0,0,0,0,0,0,0,0,0,0,0,45,216,253,253,253,253,253,253,253,253,253,253,253,253,253,253,223,52,0,0,0,0,0,0,0,0,0,0,123,253,253,253,253,253,253,253,253,237,204,204,204,226,253,253,253,230,165,18,0,0,0,0,0,0,0,0,255,253,253,253,253,253,253,253,253,171,0,0,0,52,227,253,253,253,253,89,0,0,0,0,0,0,0,0,254,249,215,253,253,253,253,236,187,20,0,0,0,0,19,109,202,253,253,89,0,0,0,0,0,0,0,0,98,101,197,253,253,253,167,72,0,0,0,0,0,0,0,0,58,253,253,89,0,0,0,0,0,0,0,0,0,17,253,253,253,205,3,0,0,0,0,0,0,0,0,0,58,253,253,142,0,0,0,0,0,0,0,0,0,128,253,252,245,91,0,0,0,0,0,0,0,0,2,94,191,253,253,141,0,0,0,0,0,0,0,0,0,180,253,220,0,0,0,0,0,0,0,0,0,45,124,253,253,253,253,89,0,0,0,0,0,0,0,0,0,180,253,220,0,0,0,0,0,0,17,89,189,218,253,253,253,253,246,81,0,0,0,0,0,0,0,0,0,180,253,220,0,0,0,0,0,38,209,253,253,253,253,253,253,253,105,0,0,0,0,0,0,0,0,0,0,180,253,247,205,173,131,205,205,221,253,253,253,253,253,231,174,48,3,0,0,0,0,0,0,0,0,0,0,180,253,253,253,253,253,253,253,253,253,253,240,122,122,59,0,0,0,0,0,0,0,0,0,0,0,0,0,37,253,253,253,253,253,253,253,253,214,195,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,106,220,253,253,253,253,253,205,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,15,15,15,15,15,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,222,158,158,158,158,158,158,211,255,227,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,254,254,254,254,254,254,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,135,216,254,254,236,237,254,254,254,254,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,4,4,4,4,4,163,254,237,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,237,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,254,254,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,220,254,228,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,190,254,254,140,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,239,254,192,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,254,254,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,251,254,113,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,254,249,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,254,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,245,254,233,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,254,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,104,254,241,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,227,254,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,241,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,234,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,254,198,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,43,105,253,253,254,253,245,122,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,201,252,252,252,252,253,252,252,252,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,249,253,252,252,252,244,245,252,252,252,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,210,66,104,252,252,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,235,236,112,42,14,89,236,252,252,252,164,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,0,0,4,114,236,254,253,253,199,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,252,252,253,252,201,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,39,162,251,252,252,253,252,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,204,253,252,252,252,252,253,252,252,170,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,169,252,253,252,252,252,252,253,252,252,252,129,0,0,0,0,0,0,0,0,25,43,4,0,0,0,0,0,169,253,255,253,214,140,106,45,0,233,253,253,0,0,0,0,0,0,0,0,227,252,21,0,0,0,0,0,113,239,186,63,5,0,0,15,121,247,252,217,0,0,0,0,0,0,0,0,245,252,21,0,0,0,0,0,0,17,9,0,0,0,9,105,252,252,252,138,0,0,0,0,0,0,0,0,148,252,47,0,0,0,0,0,0,0,0,0,0,0,132,253,252,252,183,14,0,0,0,0,0,0,0,0,60,252,223,35,0,0,0,0,0,0,0,0,9,176,246,253,252,244,49,0,0,0,0,0,0,0,0,0,18,199,253,156,7,0,0,0,0,0,43,123,245,253,253,255,222,17,0,0,0,0,0,0,0,0,0,0,0,21,237,252,156,86,85,94,163,173,253,252,252,252,217,151,16,0,0,0,0,0,0,0,0,0,0,0,0,0,81,245,252,253,252,252,252,252,253,252,251,160,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,242,253,252,252,252,252,243,189,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,147,147,147,147,103,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,122,204,255,188,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,112,210,247,253,254,253,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,121,165,252,253,254,253,253,254,253,245,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,244,254,254,254,254,254,244,233,145,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,253,254,253,222,117,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,249,147,105,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,253,213,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,175,254,254,228,23,57,95,96,134,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,221,253,253,253,250,252,253,254,253,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,200,253,253,253,253,254,253,249,225,188,217,239,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,254,254,244,194,134,19,0,0,70,254,136,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,249,253,243,84,0,0,0,0,0,70,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,84,23,0,0,0,0,0,0,136,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,244,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,49,40,0,0,0,0,0,0,146,253,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,223,246,181,35,35,35,35,116,197,251,254,230,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,254,254,254,254,254,254,254,254,254,254,253,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,234,254,254,254,254,254,254,254,254,233,115,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,84,153,187,253,253,253,212,130,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,131,89,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,11,0,0,0,0,0,0,142,254,254,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,209,241,123,0,0,0,0,48,231,254,254,161,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,254,254,239,63,0,0,0,193,254,254,254,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,254,254,211,0,0,0,193,254,254,244,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,214,254,254,249,119,0,0,10,202,254,254,149,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,196,0,0,0,63,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,160,254,254,248,75,0,0,0,148,254,254,254,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,254,254,254,134,0,0,0,40,235,254,254,237,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,254,254,254,137,142,187,102,105,254,254,254,233,84,63,63,6,0,0,0,0,0,0,0,0,0,0,0,226,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,199,193,193,4,0,0,0,0,0,0,0,0,158,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,254,139,0,0,0,0,0,0,0,0,92,254,254,254,254,254,254,254,254,254,254,231,173,241,215,254,255,254,254,115,0,0,0,0,0,0,0,0,2,110,167,167,167,167,167,227,254,254,254,137,0,36,22,43,43,43,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,254,150,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,254,230,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,208,254,192,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,254,254,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,178,201,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,128,128,191,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,128,128,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,191,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,255,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,128,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,255,255,255,191,128,128,128,128,128,128,128,64,0,0,0,0,0,0,0,0,0,0,128,255,255,255,255,255,128,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,236,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,25,0,0,0,0,0,0,68,246,253,240,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,233,223,56,0,0,0,0,26,203,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,253,252,173,0,0,0,0,70,252,252,253,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,208,253,255,253,173,0,0,0,5,191,253,253,231,42,0,0,0,0,0,0,0,0,0,0,0,0,0,45,236,252,253,202,25,0,0,0,68,252,252,252,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,236,25,0,0,0,0,161,252,252,189,32,0,0,0,0,0,0,0,0,0,0,0,0,0,17,188,252,252,188,0,0,0,0,9,194,252,252,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,200,11,0,0,0,0,181,252,252,168,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,253,253,148,0,5,24,24,24,255,253,253,211,34,24,24,24,5,0,0,0,0,0,0,0,0,0,0,47,252,252,252,162,178,252,252,252,253,252,252,252,252,253,252,252,45,0,0,0,0,0,0,0,0,0,0,47,252,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,45,0,0,0,0,0,0,0,0,0,0,9,154,252,252,253,252,252,252,252,253,252,252,252,252,253,252,252,45,0,0,0,0,0,0,0,0,0,0,0,7,22,128,23,96,168,252,252,253,178,137,137,85,86,64,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,253,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,197,252,231,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,252,252,106,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,252,176,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,244,252,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,255,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,253,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,224,253,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,68,254,254,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,187,253,205,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,253,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,194,254,248,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,253,254,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,251,254,254,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,253,253,175,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,136,253,249,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,208,254,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,254,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,206,253,220,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,252,254,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,184,253,253,34,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,42,248,254,166,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,254,254,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,254,197,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,253,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,59,89,209,254,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,20,50,132,214,224,253,253,253,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,254,216,107,172,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,254,253,253,247,176,117,25,13,192,253,195,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,253,154,49,0,0,0,116,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,255,163,18,0,0,0,35,224,254,193,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,246,253,226,110,5,5,203,253,227,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,211,253,253,155,89,253,253,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,196,253,253,246,253,165,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,126,253,254,253,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,164,254,255,254,101,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,211,227,241,24,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,199,253,222,0,50,253,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,132,253,231,34,0,5,193,235,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,253,176,0,0,58,253,237,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,254,205,8,0,82,239,254,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,253,129,4,58,254,253,247,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,253,199,187,253,254,253,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,156,253,253,253,253,244,86,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,223,253,237,155,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,84,120,164,254,254,254,157,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,245,254,254,254,254,254,254,219,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,254,254,254,199,175,205,254,248,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,192,95,19,6,22,160,254,243,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,220,254,254,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,164,254,254,254,196,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,155,254,254,254,250,158,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,218,254,254,254,254,226,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,254,254,254,254,246,175,92,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,254,254,232,163,185,155,231,254,254,153,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,143,61,0,0,0,0,0,122,246,224,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,218,254,65,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,254,254,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,78,202,254,241,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,254,254,246,70,0,0,0,0,0,0,0,0,0,0,0,73,127,5,0,0,0,0,0,0,0,5,157,254,254,242,68,0,0,0,0,0,0,0,0,0,0,0,0,118,254,150,13,0,0,0,0,0,43,203,254,254,208,106,0,0,0,0,0,0,0,0,0,0,0,0,0,44,230,254,224,177,131,79,131,176,254,254,254,166,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,44,228,254,255,254,254,254,254,255,250,117,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,133,179,254,254,254,178,156,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,32,76,223,150,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,100,220,254,254,254,252,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,97,166,244,254,254,247,192,108,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,139,218,254,254,254,227,108,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,121,218,254,254,251,191,106,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,254,254,243,189,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,254,204,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,242,254,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,181,254,242,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,254,254,234,26,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,254,254,254,238,179,95,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,127,200,205,254,254,254,186,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,68,125,244,225,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,210,250,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,96,0,0,0,0,95,195,239,247,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,36,254,149,83,159,224,252,254,254,216,119,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,182,254,254,254,254,254,216,93,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,181,220,171,161,49,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,209,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,249,254,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,148,254,245,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,221,254,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,138,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,223,254,182,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,254,203,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,120,251,251,80,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,254,254,200,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,254,254,200,18,0,0,0,0,0,10,105,160,248,254,255,177,10,0,0,0,0,0,0,0,0,0,0,132,254,242,26,0,0,0,0,0,35,150,254,254,254,254,254,254,122,0,0,0,0,0,0,0,0,0,0,170,250,71,0,0,0,0,0,4,178,254,253,244,227,157,251,254,169,0,0,0,0,0,0,0,0,0,45,244,244,0,0,0,0,0,0,95,254,242,136,0,0,6,201,254,162,0,0,0,0,0,0,0,0,0,67,254,246,16,0,0,0,0,16,218,254,181,0,0,9,167,254,243,37,0,0,0,0,0,0,0,0,0,13,182,254,195,9,0,0,0,106,254,200,5,1,47,209,254,254,155,0,0,0,0,0,0,0,0,0,0,0,38,254,254,184,65,0,0,123,254,188,45,127,254,254,254,194,34,0,0,0,0,0,0,0,0,0,0,0,2,51,197,250,250,245,245,249,254,252,249,254,254,254,89,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,174,248,254,254,254,254,254,254,254,235,121,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,131,180,218,183,160,145,66,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,26,29,104,178,253,204,178,104,4,16,79,19,0,0,0,0,0,0,0,0,0,0,0,19,57,57,82,169,243,253,252,252,252,253,252,252,178,216,252,224,19,0,0,0,0,0,0,0,0,10,160,215,252,253,252,252,252,253,233,118,168,168,205,234,252,253,252,252,28,0,0,0,0,0,0,0,0,79,252,252,252,253,252,252,151,128,22,0,0,0,13,22,178,253,252,252,28,0,0,0,0,0,0,0,0,79,253,253,253,226,88,0,0,0,0,0,0,0,0,0,76,255,253,106,0,0,0,0,0,0,0,0,0,10,171,252,227,38,0,0,0,0,0,0,0,0,0,0,225,253,240,43,0,0,0,0,0,0,0,0,0,0,13,56,31,0,0,0,0,0,0,0,0,0,0,104,246,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,246,252,253,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,216,253,253,239,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,252,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,252,214,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,241,254,222,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,172,252,253,171,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,252,252,206,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,194,252,252,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,253,253,253,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,252,252,227,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,229,252,252,52,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,153,252,164,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,110,234,255,143,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,76,116,220,253,253,253,236,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,219,253,253,253,252,206,139,217,241,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,245,253,253,240,79,0,0,109,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,239,253,253,224,66,0,0,0,45,240,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,191,253,253,177,40,0,0,0,0,0,160,235,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,253,253,222,35,0,0,0,0,0,0,170,221,0,0,0,0,0,0,0,0,0,0,0,0,0,0,146,247,253,253,46,0,0,0,0,0,0,0,211,246,58,0,0,0,0,0,0,0,0,0,0,0,0,3,193,253,250,118,2,0,0,0,0,0,0,60,250,251,71,0,0,0,0,0,0,0,0,0,0,0,0,113,253,253,181,0,0,0,0,0,0,0,0,89,253,221,0,0,0,0,0,0,0,0,0,0,0,0,44,232,253,205,21,0,0,0,0,0,0,0,10,202,253,97,0,0,0,0,0,0,0,0,0,0,0,0,124,253,246,77,0,0,0,0,0,0,0,9,185,253,253,5,0,0,0,0,0,0,0,0,0,0,0,51,243,253,101,0,0,0,0,0,0,0,15,180,253,253,160,2,0,0,0,0,0,0,0,0,0,0,0,76,253,237,40,0,0,0,0,0,0,18,217,253,253,159,8,0,0,0,0,0,0,0,0,0,0,0,0,133,253,141,0,0,0,0,0,0,10,139,253,253,158,4,0,0,0,0,0,0,0,0,0,0,0,0,0,184,248,0,0,0,0,0,0,42,180,253,253,159,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,248,0,0,0,0,36,111,238,253,245,150,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,249,33,19,38,161,251,253,253,202,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,201,253,221,253,253,253,253,185,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,253,253,253,233,109,37,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,255,171,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,203,254,246,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,254,254,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,235,254,224,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,158,254,254,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,248,254,195,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,179,254,254,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,242,254,157,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,228,254,236,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,254,254,92,0,0,0,0,0,62,144,81,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,254,216,5,0,0,0,7,139,250,254,254,229,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,250,254,102,0,0,0,15,124,254,254,254,254,254,250,28,0,0,0,0,0,0,0,0,0,0,0,0,51,252,249,60,0,0,0,118,254,254,246,170,115,224,254,179,0,0,0,0,0,0,0,0,0,0,0,27,220,254,186,0,0,0,69,251,254,251,57,0,3,175,254,240,23,0,0,0,0,0,0,0,0,0,0,126,254,254,38,0,0,13,228,254,249,91,0,3,160,254,254,254,28,0,0,0,0,0,0,0,0,0,0,126,254,210,10,0,0,71,254,254,173,0,38,212,254,254,254,178,3,0,0,0,0,0,0,0,0,0,0,87,254,254,196,32,5,154,254,217,58,102,221,254,254,253,172,21,0,0,0,0,0,0,0,0,0,0,0,22,236,254,254,254,254,254,254,254,254,254,254,254,209,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,180,236,254,254,254,254,254,254,254,248,180,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,128,254,254,254,254,254,188,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,230,144,144,163,221,144,144,144,144,153,254,70,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,253,253,253,253,253,253,254,253,253,253,253,227,44,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,253,253,253,253,253,253,254,253,253,253,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,83,121,121,73,121,121,25,44,10,32,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,253,253,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,202,253,253,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,226,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,117,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,217,254,254,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,143,253,253,239,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,207,253,253,154,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,253,253,242,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,254,253,253,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,198,254,253,175,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,251,254,250,99,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,145,253,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,244,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,78,253,125,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,128,255,255,255,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,255,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,37,131,229,216,131,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,34,137,221,254,254,254,254,254,109,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,254,254,254,254,254,254,254,254,108,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,162,254,254,254,248,229,193,105,209,251,254,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,254,248,196,75,0,0,0,0,218,254,213,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,93,75,0,0,0,0,0,0,218,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,254,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,218,254,182,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,244,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,91,243,254,230,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,243,254,254,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,109,243,254,254,190,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,185,254,254,254,227,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,113,221,254,254,254,254,136,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,94,173,224,254,254,254,254,254,254,254,223,218,106,7,0,0,0,0,0,0,0,0,0,0,0,0,66,227,254,254,254,254,254,254,254,254,254,254,254,254,254,171,5,0,0,0,0,0,0,0,0,0,3,173,244,254,254,254,254,254,254,176,148,148,148,185,254,254,255,254,125,0,0,0,0,0,0,0,0,0,7,254,254,254,254,254,235,142,54,5,0,0,0,7,18,67,189,254,246,5,0,0,0,0,0,0,0,0,7,254,254,254,254,179,52,0,0,0,0,0,0,0,0,0,5,128,79,1,0,0,0,0,0,0,0,0,7,254,254,181,54,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,34,82,139,168,254,254,254,177,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,67,148,177,254,253,253,253,253,253,253,253,210,15,0,0,0,0,0,0,0,0,0,0,0,0,0,35,154,253,253,253,254,253,253,253,253,253,162,154,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,253,253,253,253,232,231,139,121,97,10,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,251,179,88,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,242,246,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,246,253,253,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,245,253,253,249,88,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,253,253,253,253,253,205,188,127,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,196,253,253,253,253,253,253,254,245,178,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,126,221,221,244,120,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,230,227,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,253,141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,20,0,0,0,0,0,0,0,0,5,147,253,242,0,0,0,0,0,0,0,0,0,0,0,0,24,180,204,88,0,0,0,0,0,0,0,74,151,253,253,204,0,0,0,0,0,0,0,0,0,0,0,0,120,253,253,95,12,60,12,45,122,137,232,250,253,227,131,21,0,0,0,0,0,0,0,0,0,0,0,21,224,253,253,253,253,253,253,253,253,255,253,253,172,78,0,0,0,0,0,0,0,0,0,0,0,0,0,9,163,253,253,253,253,253,253,253,253,244,176,85,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,76,143,215,253,253,253,171,95,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,24,128,139,138,222,253,148,24,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,110,161,186,252,252,253,252,252,252,252,253,132,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,253,252,252,252,252,253,208,202,252,252,253,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,248,253,252,252,176,108,46,17,112,252,252,245,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,253,231,106,4,0,0,95,246,252,252,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,241,255,211,7,0,0,149,253,253,203,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,135,232,252,154,9,95,253,252,240,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,252,252,196,246,253,240,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,177,252,252,252,245,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,161,252,252,200,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,76,212,253,253,201,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,252,240,244,252,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,253,240,81,176,252,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,34,238,253,164,0,17,192,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,252,243,50,0,0,116,241,42,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,233,253,116,0,0,9,128,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,70,252,252,140,47,78,194,252,253,206,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,240,252,253,252,252,252,252,247,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,253,252,252,252,252,146,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,128,201,252,252,157,32,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,239,252,252,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,252,252,244,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,62,255,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,112,249,253,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,190,252,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,252,252,253,182,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,253,230,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,232,252,252,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,251,252,244,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,232,252,252,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,252,252,252,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,166,253,253,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,80,253,252,245,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,169,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,252,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,106,253,173,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,120,208,254,254,228,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,204,252,253,253,253,254,223,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,166,243,254,253,247,177,127,241,253,68,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,123,245,253,253,242,130,46,0,40,234,253,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,253,253,253,155,26,0,0,0,124,254,233,23,0,0,0,0,0,0,0,0,0,0,0,0,0,12,195,255,254,217,104,0,0,0,0,6,202,255,199,0,0,0,0,0,0,0,0,0,0,0,0,0,41,217,253,254,182,22,0,0,0,0,28,166,253,254,95,0,0,0,0,0,0,0,0,0,0,0,0,0,172,253,240,69,3,0,0,0,24,140,235,253,253,191,3,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,91,0,17,6,90,141,234,253,253,253,253,174,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,253,201,182,248,201,253,253,254,253,253,253,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,254,254,255,254,254,254,254,234,223,254,254,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,24,108,166,179,108,37,18,13,197,253,249,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,140,250,253,156,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,202,253,250,102,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,254,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,228,255,238,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,154,253,254,115,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,253,243,28,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,218,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,167,253,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,106,230,249,125,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,50,115,162,143,176,249,252,252,252,252,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,166,241,252,253,252,252,252,252,252,252,252,239,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,201,252,252,253,252,252,221,121,224,252,252,219,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,8,218,252,228,183,88,88,4,61,234,252,252,129,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,55,103,31,0,0,0,85,196,252,252,198,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,12,194,251,252,252,247,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,252,252,252,252,252,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,187,253,252,252,252,178,66,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,54,177,244,252,253,252,252,185,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,244,253,253,253,255,253,253,196,143,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,252,252,252,252,253,252,252,252,252,187,6,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,252,252,222,153,154,106,153,248,252,252,113,0,0,0,0,0,0,0,0,0,0,0,68,0,0,0,0,47,121,102,7,0,0,0,0,99,252,252,179,0,0,0,0,0,0,0,0,0,0,0,203,41,0,0,0,0,0,0,0,0,0,0,90,249,252,252,84,0,0,0,0,0,0,0,0,0,0,0,191,186,0,0,0,0,0,0,0,39,104,198,243,252,252,183,29,0,0,0,0,0,0,0,0,0,0,0,96,247,188,16,60,50,122,122,122,178,253,252,252,247,217,38,0,0,0,0,0,0,0,0,0,0,0,0,77,252,252,252,252,252,252,252,252,252,253,252,235,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,229,252,252,252,252,252,252,252,252,210,146,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,124,248,252,252,204,185,142,142,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,107,255,255,213,136,136,70,18,18,5,0,0,18,88,213,224,29,0,0,0,0,0,0,0,0,0,0,18,253,253,253,253,253,253,253,253,253,176,154,154,251,253,253,253,135,22,0,0,0,0,0,0,0,0,0,6,161,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,152,0,0,0,0,0,0,0,0,0,0,26,230,253,253,253,249,65,65,65,65,134,253,253,253,240,97,65,39,0,0,0,0,0,0,0,0,0,0,0,57,231,253,253,252,92,0,0,28,150,253,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,71,241,253,237,133,25,206,253,253,253,123,10,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,10,240,253,252,245,253,253,251,126,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,243,253,253,253,244,128,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,24,212,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,253,253,253,253,158,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,28,127,251,253,253,253,253,232,54,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,253,253,244,139,41,204,253,183,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,141,253,253,123,0,0,88,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,252,253,127,3,0,0,83,253,253,122,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,191,5,0,5,58,229,253,253,110,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,147,0,27,136,253,253,253,253,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,253,224,128,223,253,253,253,253,141,2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,240,253,253,253,253,253,253,189,127,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,228,253,253,253,253,237,126,8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,102,232,253,195,135,58,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,125,232,254,254,254,254,164,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,224,253,253,253,253,253,253,253,253,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,253,253,253,253,253,253,251,210,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,253,253,167,149,48,19,134,253,253,251,211,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,25,25,5,0,0,0,6,67,253,253,251,94,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,253,253,253,104,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,182,253,253,187,16,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,93,253,253,226,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,151,239,253,242,91,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,196,239,253,253,114,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,166,207,253,253,253,189,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,94,243,253,253,253,253,188,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,159,244,253,253,253,241,111,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,18,160,245,253,253,253,185,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,16,196,253,253,253,242,114,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,199,253,253,253,253,88,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,201,253,253,253,253,253,99,43,125,150,83,150,150,150,133,34,73,20,20,10,0,0,0,0,0,0,0,0,254,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,123,0,0,0,0,0,0,0,0,251,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,120,0,0,0,0,0,0,0,0,61,250,253,253,253,253,253,253,253,253,155,149,253,253,253,253,176,123,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,130,254,255,255,187,146,192,124,85,38,38,38,38,29,0,0,0,0,0,0,0,0,0,0,0,0,0,23,231,253,253,253,253,253,253,253,253,253,253,253,253,236,184,115,0,0,0,0,0,0,0,0,0,0,0,42,239,253,253,253,253,249,248,249,253,253,249,253,253,253,249,124,0,0,0,0,0,0,0,0,0,0,0,0,92,236,253,201,102,24,0,22,102,94,35,233,253,242,36,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,253,246,31,0,0,0,0,7,168,253,233,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,145,253,237,53,0,0,0,73,253,253,175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,149,253,97,25,0,18,200,253,235,50,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,80,233,218,87,193,253,253,120,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,183,253,253,253,145,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,86,253,253,253,86,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,32,218,253,253,253,193,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,188,253,216,124,132,246,158,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,195,250,70,0,0,168,253,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,242,195,0,0,0,81,253,226,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,6,208,244,116,0,0,0,3,208,252,78,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,167,0,0,0,0,69,238,253,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,58,253,202,9,67,142,165,239,253,242,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,249,252,253,253,253,241,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,253,253,253,253,253,217,112,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2,58,228,253,161,37,18,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,254,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,80,106,189,249,253,235,17,0,0,0,0,0,0,0,0,0,0,0,0,3,91,116,82,116,149,208,207,228,253,254,253,253,253,67,0,0,0,0,0,0,0,0,0,0,0,0,0,24,253,254,253,253,253,254,253,253,219,186,253,253,151,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,159,185,184,184,184,127,93,17,0,128,254,230